diff --git a/_delphi_utils_python/delphi_utils/__init__.py b/_delphi_utils_python/delphi_utils/__init__.py index ca5693eaf..c847336f6 100644 --- a/_delphi_utils_python/delphi_utils/__init__.py +++ b/_delphi_utils_python/delphi_utils/__init__.py @@ -4,6 +4,7 @@ from __future__ import absolute_import from .archive import ArchiveDiffer, GitArchiveDiffer, S3ArchiveDiffer +from .date_utils import convert_apitime_column_to_datetimes, date_to_api_string from .export import create_backup_csv, create_export_csv from .geomap import GeoMapper from .logger import get_structured_logger diff --git a/_delphi_utils_python/delphi_utils/date_utils.py b/_delphi_utils_python/delphi_utils/date_utils.py new file mode 100644 index 000000000..b80847b90 --- /dev/null +++ b/_delphi_utils_python/delphi_utils/date_utils.py @@ -0,0 +1,38 @@ +"""Utility for converting dates to a format accepted by epidata api.""" + +from datetime import datetime + +import pandas as pd +from epiweeks import Week + + +def date_to_api_string(d: datetime, time_type: str = "day") -> str: + """Convert a date object to a YYYYMMDD or YYYYMM string expected by the API.""" + if time_type == "day": + return d.strftime("%Y%m%d") + if time_type == "week": + return Week.fromdate(d).cdcformat() + raise ValueError(f"Unknown time_type: {time_type}") + + +def convert_apitime_column_to_datetimes( + df: pd.DataFrame, col: str, date_format: str = "%Y%m%d" +) -> pd.Series: + """Convert a DataFrame date or epiweek column into datetimes. + + Dates are assumed to be in the YYYYMMDD format by default. + Weeks are assumed to be in the epiweek CDC format YYYYWW + format and return the date of the first day of the week. + """ + df[col] = df[col].astype("str") + + def parse_row(row): + if row["time_type"] == "day": + return pd.to_datetime(row[col], format=date_format) + if row["time_type"] == "week": + return pd.to_datetime( + Week(int(row[col][:4]), int(row[col][-2:])).startdate() + ) + return row[col] + + return df.apply(parse_row, axis=1) diff --git a/_delphi_utils_python/delphi_utils/validator/datafetcher.py b/_delphi_utils_python/delphi_utils/validator/datafetcher.py index 39c8555cf..b6bb48696 100644 --- a/_delphi_utils_python/delphi_utils/validator/datafetcher.py +++ b/_delphi_utils_python/delphi_utils/validator/datafetcher.py @@ -3,13 +3,17 @@ import re import threading +import warnings from os import listdir + +# pylint: disable=W0707 from os.path import isfile, join -import warnings -import requests -import pandas as pd + import numpy as np -import covidcast +import pandas as pd +import requests +from delphi_epidata import Epidata + from .errors import APIDataFetchError, ValidationFailure FILENAME_REGEX = re.compile( @@ -115,7 +119,13 @@ def get_geo_signal_combos(data_source, api_key): meta_response.raise_for_status() source_signal_mappings = {i['source']:i['db_source'] for i in meta_response.json()} - meta = covidcast.metadata() + + response = Epidata.covidcast_meta() + + meta = pd.DataFrame.from_dict(Epidata.check(response)) + # note: this will fail for signals with weekly data, but currently not supported for validation + meta = meta[meta["time_type"] == "day"] + source_meta = meta[meta['data_source'] == data_source] # Need to convert np.records to tuples so they are hashable and can be used in sets and dicts. geo_signal_combos = list(map(tuple, @@ -158,18 +168,40 @@ def fetch_api_reference(data_source, start_date, end_date, geo_type, signal_type Formatting is changed to match that of source data CSVs. """ - with warnings.catch_warnings(): - warnings.simplefilter("ignore") - api_df = covidcast.signal( - data_source, signal_type, start_date, end_date, geo_type) + if start_date > end_date: + raise ValueError( + "end_date must be on or after start_date, but " + + f"start_date = '{start_date}', end_date = '{end_date}'" + ) + response = Epidata.covidcast( + data_source, + signal_type, + time_type="day", + geo_type=geo_type, + time_values=Epidata.range( + start_date.strftime("%Y%m%d"), end_date.strftime("%Y%m%d") + ), + geo_value="*", + ) - error_context = f"when fetching reference data from {start_date} to {end_date} " +\ - f"for data source: {data_source}, signal type: {signal_type}, geo type: {geo_type}" + try: + epidata_dict = Epidata.check(response) + except Exception as e: + raise APIDataFetchError(str(e)) - if api_df is None: + if len(response["epidata"]) == 0: + error_context = f"when fetching reference data from {start_date} to {end_date} " + \ + f"for data source: {data_source}, signal type: {signal_type}, geo type: {geo_type}" raise APIDataFetchError("Error: no API data was returned " + error_context) - if not isinstance(api_df, pd.DataFrame): - raise APIDataFetchError("Error: API return value was not a dataframe " + error_context) + + api_df = pd.DataFrame.from_dict(epidata_dict) + # note: this will fail for signals with weekly data, but currently not supported for validation + api_df["issue"] = pd.to_datetime(api_df["issue"], format="%Y%m%d") + api_df["time_value"] = pd.to_datetime(api_df["time_value"], format="%Y%m%d") + api_df.drop("direction", axis=1, inplace=True) + api_df["data_source"] = data_source + api_df["signal"] = signal_type + column_names = ["geo_id", "val", "se", "sample_size", "time_value"] diff --git a/_delphi_utils_python/delphi_utils/validator/dynamic.py b/_delphi_utils_python/delphi_utils/validator/dynamic.py index 9bc72ec1c..dbdfe34e5 100644 --- a/_delphi_utils_python/delphi_utils/validator/dynamic.py +++ b/_delphi_utils_python/delphi_utils/validator/dynamic.py @@ -1,14 +1,16 @@ """Dynamic file checks.""" + +import re from dataclasses import dataclass from datetime import date, timedelta from typing import Dict, Set -import re -import pandas as pd + import numpy as np -import covidcast -from .errors import ValidationFailure +import pandas as pd + from .datafetcher import get_geo_signal_combos, threaded_api_calls -from .utils import relative_difference_by_min, TimeWindow, lag_converter +from .errors import ValidationFailure +from .utils import TimeWindow, lag_converter, relative_difference_by_min class DynamicValidator: @@ -78,8 +80,6 @@ def validate(self, all_frames, report): # Get 14 days prior to the earliest list date outlier_lookbehind = timedelta(days=14) - # Authenticate API - covidcast.use_api_key(self.params.api_key) # Get all expected combinations of geo_type and signal. geo_signal_combos = get_geo_signal_combos(self.params.data_source, diff --git a/_delphi_utils_python/delphi_utils/validator/run.py b/_delphi_utils_python/delphi_utils/validator/run.py index f26b0ddec..83aab9f95 100644 --- a/_delphi_utils_python/delphi_utils/validator/run.py +++ b/_delphi_utils_python/delphi_utils/validator/run.py @@ -5,8 +5,10 @@ when the module is run with `python -m delphi_utils.validator`. """ import argparse as ap -import covidcast -from .. import read_params, get_structured_logger + +from delphi_epidata import Epidata + +from .. import get_structured_logger, read_params from .validate import Validator @@ -18,7 +20,7 @@ def run_module(): args = parser.parse_args() params = read_params() assert "validation" in params - covidcast.use_api_key(params["validation"]["common"]["api_credentials"]) + Epidata.auth = ("epidata", params["validation"]["common"]["api_credentials"]) dry_run_param = params["validation"]["common"].get("dry_run", False) params["validation"]["common"]["dry_run"] = args.dry_run or dry_run_param validator = Validator(params) diff --git a/_delphi_utils_python/pyproject.toml b/_delphi_utils_python/pyproject.toml index c47590a29..9ab72721a 100644 --- a/_delphi_utils_python/pyproject.toml +++ b/_delphi_utils_python/pyproject.toml @@ -17,13 +17,13 @@ classifiers = [ ] dependencies = [ "boto3", - "covidcast", "cvxpy", + "delphi-epidata", "epiweeks", "gitpython", "importlib_resources>=1.3", "numpy", - "pandas>=1.1.0", + "pandas==1.5.3", "requests", "slackclient", "scs<3.2.6", # TODO: remove this ; it is a cvxpy dependency, and the excluded version appears to break our jenkins build. see: https://github.com/cvxgrp/scs/issues/283 diff --git a/_delphi_utils_python/tests/test_data/sample_epidata_metadata.json b/_delphi_utils_python/tests/test_data/sample_epidata_metadata.json new file mode 100644 index 000000000..8dfa978f3 --- /dev/null +++ b/_delphi_utils_python/tests/test_data/sample_epidata_metadata.json @@ -0,0 +1,28 @@ +{"data_source": ["chng", "chng", "chng", + "covid-act-now", + "covid-act-now", + "covid-act-now", + "chng"], + "signal": ["smoothed_outpatient_cli", + "smoothed_outpatient_covid", + "smoothed_outpatient_covid", + "pcr_specimen_positivity_rate", + "pcr_specimen_positivity_rate", + "pcr_specimen_total_tests", + "inactive"], + "geo_type": ["state", "state", "county", + "hrr", "msa", "msa", + "state"], + "min_time": ["20200101", "20200101", "20200101", + "20200101", "20200101", "20200101", + "20200101"], + "max_time": ["20240101", "20240101", "20240101", + "20240101", "20240101", "20240101", + "20240101"], + "last_update": [1711963480, 1711963480, 1711963480, + 1711963480, 1711963480, 1711963480, + 1711963480], + "time_type": ["day", "day", "day", + "day", "day", "day", + "day"] + } diff --git a/_delphi_utils_python/tests/test_data/sample_epidata_signal_a.json b/_delphi_utils_python/tests/test_data/sample_epidata_signal_a.json new file mode 100644 index 000000000..78a5c1c91 --- /dev/null +++ b/_delphi_utils_python/tests/test_data/sample_epidata_signal_a.json @@ -0,0 +1,9 @@ +[{"geo_value": "1044", + "stderr": null, + "value": 3, + "issue": 20200101, + "lag": 7, + "sample_size": null, + "time_value": 20200101, + "direction": null +}] \ No newline at end of file diff --git a/_delphi_utils_python/tests/test_data/sample_epidata_signal_county.json b/_delphi_utils_python/tests/test_data/sample_epidata_signal_county.json new file mode 100644 index 000000000..7b2efde71 --- /dev/null +++ b/_delphi_utils_python/tests/test_data/sample_epidata_signal_county.json @@ -0,0 +1,9 @@ +[{"geo_value": "0888", +"stderr": 2, +"value": 14, +"issue": 20200101, +"lag": 1, +"sample_size": 100, +"time_value": 20200101, +"direction": null +}] \ No newline at end of file diff --git a/_delphi_utils_python/tests/validator/test_datafetcher.py b/_delphi_utils_python/tests/validator/test_datafetcher.py index 6b3dfa574..2fa9c16ed 100644 --- a/_delphi_utils_python/tests/validator/test_datafetcher.py +++ b/_delphi_utils_python/tests/validator/test_datafetcher.py @@ -1,12 +1,15 @@ """Tests for datafetcher.py.""" -from datetime import date +from datetime import date, datetime import mock +import json +from pathlib import Path import numpy as np import pandas as pd import pytest from requests.exceptions import HTTPError import requests_mock +from delphi_epidata import delphi_epidata from delphi_utils.validator.datafetcher import (FILENAME_REGEX, make_date_filter, get_geo_signal_combos, @@ -14,6 +17,7 @@ from delphi_utils.validator.errors import ValidationFailure +TEST_DIR = Path(__file__).parent.parent class TestDataFetcher: """Tests for various data fetching utilities.""" @@ -45,6 +49,29 @@ def raise_for_status(self): {'source': 'covid-act-now', 'db_source': 'covid-act-now'}], 200) elif "params" in kwargs and kwargs["params"] == {'signal': 'chng:inactive'}: return MockResponse([{"signals": [{"active": False}]}], 200) + elif args[0] == 'https://api.delphi.cmu.edu/epidata/covidcast_meta/' and \ + 'delphi_epidata' in kwargs["headers"]["user-agent"]: + with open(f"{TEST_DIR}/test_data/sample_epidata_metadata.json") as f: + epidata = json.load(f) + response = {"epidata": epidata, "result": 1, "message": "success"} + return MockResponse(response, 200) + elif args[0] == 'https://api.delphi.cmu.edu/epidata/covidcast/' and \ + 'delphi_epidata' in kwargs["headers"]["user-agent"]: + signal_type = args[1].get("signals") + geo_type = args[1].get("geo_type") + if signal_type == "a": + with open(f"{TEST_DIR}/test_data/sample_epidata_signal_a.json") as f: + epidata = json.load(f) + response = {"epidata": epidata, "result": 1, "message": "success"} + return MockResponse(response, 200) + if geo_type == "county": + with open(f"{TEST_DIR}/test_data/sample_epidata_signal_county.json") as f: + epidata = json.load(f) + response = {"epidata": epidata, "result": 1, "message": "success"} + return MockResponse(response, 200) + if geo_type == "state" and signal_type == "b": + return MockResponse({"epidata": {}, "result": 0, "message": "failed"}, 200) + return MockResponse({"epidata": {}, "result": 1, "message": "success"}, 200) else: return MockResponse([{"signals": [{"active": True}]}], 200) @@ -57,27 +84,9 @@ def test_bad_api_key(self, **kwargs): get_geo_signal_combos("chng", api_key="") @mock.patch('requests.get', side_effect=mocked_requests_get) - @mock.patch("covidcast.metadata") - def test_get_geo_signal_combos(self, mock_metadata, mock_get): + def test_get_geo_signal_combos(self, mock_get): + """Test that the geo signal combos are correctly pulled from the covidcast metadata.""" - # Need to use actual data_source and signal names since we reference the API - # We let the chng signal "inactive" be an inactive signal - mock_metadata.return_value = pd.DataFrame({"data_source": ["chng", "chng", "chng", - "covid-act-now", - "covid-act-now", - "covid-act-now", - "chng"], - "signal": ["smoothed_outpatient_cli", - "smoothed_outpatient_covid", - "smoothed_outpatient_covid", - "pcr_specimen_positivity_rate", - "pcr_specimen_positivity_rate", - "pcr_specimen_total_tests", - "inactive"], - "geo_type": ["state", "state", "county", - "hrr", "msa", "msa", - "state"] - }) assert set(get_geo_signal_combos("chng", api_key="")) == set( [("state", "smoothed_outpatient_cli"), ("state", "smoothed_outpatient_covid"), @@ -87,49 +96,20 @@ def test_get_geo_signal_combos(self, mock_metadata, mock_get): ("msa", "pcr_specimen_positivity_rate"), ("msa", "pcr_specimen_total_tests")]) - @mock.patch("covidcast.signal") - def test_threaded_api_calls(self, mock_signal): + @mock.patch('requests.get', side_effect=mocked_requests_get) + def test_threaded_api_calls(self, mock_get): """Test that calls to the covidcast API are made.""" - - signal_data_1 = pd.DataFrame({"geo_value": ["1044"], - "stderr": [None], - "value": [3], - "issue": [10], - "lag": [7], - "sample_size": [None], - "time_value": [10] - }) - signal_data_2 = pd.DataFrame({"geo_value": ["0888"], - "stderr": [2], - "value": [14], - "issue": [10], - "lag": [1], - "sample_size": [100], - "time_value": [8] - }) - - def mock_signal_return_fn(unused_data_source, signal_type, unused_start_date, - unused_end_date, geo_type): - """Function to return data when covidcast.signal() is called.""" - if signal_type == "a": - return signal_data_1 - if geo_type == "county": - return signal_data_2 - return None - - mock_signal.side_effect = mock_signal_return_fn - processed_signal_data_1 = pd.DataFrame({"geo_id": ["1044"], "val": [3], "se": [np.nan], "sample_size": [np.nan], - "time_value": [10] + "time_value": [datetime.strptime("20200101", "%Y%m%d")], }) processed_signal_data_2 = pd.DataFrame({"geo_id": ["0888"], "val": [14], "se": [2], "sample_size": [100], - "time_value": [8] + "time_value": [datetime.strptime("20200101", "%Y%m%d")], }) expected = { ("county", "a"): processed_signal_data_1, @@ -138,10 +118,7 @@ def mock_signal_return_fn(unused_data_source, signal_type, unused_start_date, ("state", "b"): ValidationFailure("api_data_fetch_error", geo_type="state", signal="b", - message="Error: no API data was returned when " - "fetching reference data from 2020-03-10 " - "to 2020-06-10 for data source: " - "source, signal type: b, geo type: state") + message="Error fetching epidata: failed. (result=0)") } actual = threaded_api_calls("source", date(2020, 3, 10), date(2020, 6, 10), expected.keys()) diff --git a/changehc/setup.py b/changehc/setup.py index f386e9613..bbb81167b 100644 --- a/changehc/setup.py +++ b/changehc/setup.py @@ -3,7 +3,6 @@ required = [ "boto3", - "covidcast", "darker[isort]~=2.1.1", "delphi-utils", "mock", diff --git a/changehc/tests/test_update_sensor.py b/changehc/tests/test_update_sensor.py index d2e7ee2f3..a1f9cc03d 100644 --- a/changehc/tests/test_update_sensor.py +++ b/changehc/tests/test_update_sensor.py @@ -92,7 +92,8 @@ def test_geo_reindex(self): "timestamp": [pd.Timestamp(f'03-{i}-2020') for i in range(1, 14)]}) if geo == "county": # test for rogue \N row_contain_N = {"num": 700, "fips": r"\N", "den": 2000, "timestamp": pd.Timestamp("03-15-2020")} - test_data = test_data.append(row_contain_N, ignore_index=True) + test_data = pd.concat([test_data, pd.DataFrame([row_contain_N])], ignore_index=True) + data_frame = su_inst.geo_reindex(test_data) assert data_frame.shape[0] == multiple*len(su_inst.fit_dates) assert (data_frame.sum(numeric_only=True) == (4200,19000)).all() diff --git a/claims_hosp/setup.py b/claims_hosp/setup.py index 3b859c294..1fe63f2f0 100644 --- a/claims_hosp/setup.py +++ b/claims_hosp/setup.py @@ -2,7 +2,6 @@ from setuptools import find_packages required = [ - "covidcast", "darker[isort]~=2.1.1", "delphi-utils", "numpy", diff --git a/google_symptoms/delphi_google_symptoms/date_utils.py b/google_symptoms/delphi_google_symptoms/date_utils.py index 2ad6244e9..7079766f8 100644 --- a/google_symptoms/delphi_google_symptoms/date_utils.py +++ b/google_symptoms/delphi_google_symptoms/date_utils.py @@ -1,12 +1,11 @@ """utility functions for date parsing.""" - from datetime import date, datetime, timedelta from itertools import product from typing import Dict, List, Union -import covidcast +import pandas as pd +from delphi_epidata import Epidata from delphi_utils.validator.utils import lag_converter -from pandas import to_datetime from .constants import COMBINED_METRIC, FULL_BKFILL_START_DATE, PAD_DAYS, SMOOTHERS @@ -50,6 +49,21 @@ def get_max_lag(params: Dict) -> int: return max(list(max_expected_lag.values())) +def _generate_base_num_days(params: Dict, latest_metadata_dt: datetime, export_end_date: datetime, logger) -> int: + """Generate export dates for base case.""" + latest_date_diff = (datetime.today() - latest_metadata_dt).days + 1 + + expected_date_diff = params["validation"]["common"].get("span_length", 14) + + # there's an expected lag of 4 days behind if running from today + if export_end_date.date() == datetime.today().date(): + global_max_expected_lag = get_max_lag(params) + expected_date_diff += global_max_expected_lag + + if latest_date_diff > expected_date_diff: + logger.info(f"Missing dates from: {pd.to_datetime(latest_metadata_dt).date()}") + + return expected_date_diff def generate_num_export_days(params: Dict, logger) -> [int]: """ Generate dates for exporting based on current available data. @@ -68,39 +82,33 @@ def generate_num_export_days(params: Dict, logger) -> [int]: params["indicator"].get("export_end_date", datetime.strftime(date.today(), "%Y-%m-%d")), "%Y-%m-%d" ) - # Generate a list of signals we expect to produce - sensor_names = set( - "_".join([metric, smoother, "search"]) for metric, smoother in product(COMBINED_METRIC, SMOOTHERS) - ) - num_export_days = params["indicator"]["num_export_days"] custom_run = False if not params["common"].get("custom_run") else params["common"].get("custom_run", False) if num_export_days is None and not custom_run: + # Generate a list of signals we expect to produce + sensor_names = set( + "_".join([metric, smoother, "search"]) for metric, smoother in product(COMBINED_METRIC, SMOOTHERS) + ) + Epidata.auth = ("epidata", params["indicator"]["api_credentials"]) # Fetch metadata to check how recent each signal is - covidcast.use_api_key(params["indicator"]["api_credentials"]) - metadata = covidcast.metadata() - # Filter to only those signals we currently want to produce for `google-symptoms` - gs_metadata = metadata[(metadata.data_source == "google-symptoms") & (metadata.signal.isin(sensor_names))] - - if sensor_names.difference(set(gs_metadata.signal)): - # If any signal not in metadata yet, we need to backfill its full history. - logger.warning("Signals missing in the epidata; backfilling full history") - num_export_days = (export_end_date - FULL_BKFILL_START_DATE).days + 1 - else: - latest_date_diff = (datetime.today() - to_datetime(min(gs_metadata.max_time))).days + 1 - - expected_date_diff = params["validation"]["common"].get("span_length", 14) - - # there's an expected lag of 4 days behind if running from today - if export_end_date.date() == datetime.today().date(): - global_max_expected_lag = get_max_lag(params) - expected_date_diff += global_max_expected_lag - - if latest_date_diff > expected_date_diff: - logger.info("Missing date", date=to_datetime(min(gs_metadata.max_time)).date()) - - num_export_days = expected_date_diff + response = Epidata.covidcast_meta() + try: + metadata = pd.DataFrame.from_dict(Epidata.check(response)) + # Filter to only those we currently want to produce, ignore any old or deprecated signals + gs_metadata = metadata[(metadata.data_source == "google-symptoms") & (metadata.signal.isin(sensor_names))] + latest_metadata_dt = pd.to_datetime(min(gs_metadata.max_time)) + if sensor_names.difference(set(gs_metadata.signal)): + # If any signal not in metadata yet, we need to backfill its full history. + logger.warning("Signals missing in the epidata; backfilling full history") + num_export_days = (export_end_date - FULL_BKFILL_START_DATE).days + 1 + else: + num_export_days = _generate_base_num_days(params, latest_metadata_dt, export_end_date, logger) + + # pylint: disable=W0703 + except Exception as e: + logger.info("Metadata failed running as usual", error_context=str(e)) + num_export_days = _generate_base_num_days(params, datetime.today(), export_end_date, logger) return num_export_days diff --git a/google_symptoms/setup.py b/google_symptoms/setup.py index 7fea275cd..6d0d05021 100644 --- a/google_symptoms/setup.py +++ b/google_symptoms/setup.py @@ -5,6 +5,7 @@ "darker[isort]~=2.1.1", "db-dtypes", "delphi-utils", + "delphi-epidata", "freezegun", "mock", "numpy", diff --git a/google_symptoms/tests/conftest.py b/google_symptoms/tests/conftest.py index 7b8c3bd4b..edae3b1a6 100644 --- a/google_symptoms/tests/conftest.py +++ b/google_symptoms/tests/conftest.py @@ -2,7 +2,7 @@ import logging from pathlib import Path import re - +import json import copy import pytest import mock @@ -62,11 +62,6 @@ state_data_gap = pd.read_csv(patch_input["state"], parse_dates=["date"])[keep_cols] -covidcast_backfill_metadata = pd.read_csv(f"{TEST_DIR}/test_data/covid_metadata_backfill.csv", - parse_dates=["max_time", "min_time", "max_issue", "last_update"]) -covidcast_metadata = pd.read_csv(f"{TEST_DIR}/test_data/covid_metadata.csv", - parse_dates=["max_time", "min_time", "max_issue", "last_update"]) - NEW_DATE = "2024-02-20" @pytest.fixture(scope="session") def logger(): @@ -126,7 +121,7 @@ def run_as_module(params): return_value=None), \ mock.patch("pandas_gbq.read_gbq") as mock_read_gbq, \ mock.patch("delphi_google_symptoms.pull.initialize_credentials", return_value=None), \ - mock.patch("delphi_google_symptoms.date_utils.covidcast.metadata", return_value=covidcast_metadata): + mock.patch("delphi_google_symptoms.date_utils.Epidata.covidcast_meta") as mock_covidcast_meta: def side_effect(*args, **kwargs): if "symptom_search_sub_region_1_daily" in args[0]: df = state_data @@ -141,5 +136,8 @@ def side_effect(*args, **kwargs): else: return pd.DataFrame() - mock_read_gbq.side_effect = side_effect - delphi_google_symptoms.run.run_module(params) + with open(f"{TEST_DIR}/test_data/covid_metadata.json", "r") as f: + covidcast_meta = json.load(f) + mock_covidcast_meta = covidcast_meta + mock_read_gbq.side_effect = side_effect + delphi_google_symptoms.run.run_module(params) diff --git a/google_symptoms/tests/test_data/covid_metadata.csv b/google_symptoms/tests/test_data/covid_metadata.csv deleted file mode 100644 index ac74bbbaf..000000000 --- a/google_symptoms/tests/test_data/covid_metadata.csv +++ /dev/null @@ -1,2473 +0,0 @@ -data_source,signal,time_type,geo_type,min_time,max_time,num_locations,min_value,max_value,mean_value,stdev_value,last_update,max_issue,min_lag,max_lag -chng,7dav_inpatient_covid,day,state,2020-01-01,2023-08-01,58,0.0,1.0,0.0379778,0.046107,2024-04-01 09:24:40,20230801,0,1308 -chng,7dav_outpatient_covid,day,state,2019-01-01,2023-08-01,56,0.0,1.0,0.0057763,0.0102741,2024-04-01 09:24:40,20230801,0,1673 -chng,smoothed_adj_outpatient_cli,day,county,2020-02-01,2024-02-14,3119,0.0009331,99.9980495,1.9238237,3.7179059,2024-02-20 03:40:32,20240219,3,674 -chng,smoothed_adj_outpatient_cli,day,hhs,2020-02-01,2024-02-14,10,0.0061953,99.9996572,2.1786572,2.9502248,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,hrr,2020-02-01,2024-02-14,306,0.0010292,50.815903,1.9914499,2.5739816,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,msa,2020-02-01,2024-02-14,392,0.0007662,99.9989806,1.8325651,2.7690113,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,nation,2020-02-01,2024-02-14,1,0.0154639,12.0869746,2.3476915,2.2792631,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,state,2020-02-01,2024-02-14,55,0.0013343,99.9995633,1.9595093,2.8460771,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,county,2020-02-01,2024-02-14,3118,0.0007317,99.7382199,0.7897597,1.2604588,2024-02-20 03:40:33,20240219,3,674 -chng,smoothed_adj_outpatient_covid,day,hhs,2020-02-01,2024-02-14,10,9.94e-05,47.1757678,0.758748,1.2752592,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,hrr,2020-02-01,2024-02-14,306,0.0004377,50.3590956,0.7379263,0.9213437,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,msa,2020-02-01,2024-02-14,392,0.0003621,84.2126626,0.7507935,1.2899205,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,nation,2020-02-01,2024-02-14,1,0.0002647,29.0740775,0.7761674,1.1225822,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,state,2020-02-01,2024-02-14,55,0.0001764,99.984985,0.799901,2.2962465,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,county,2020-02-01,2024-02-14,3118,0.0007864,99.8031496,0.2200146,0.5945624,2024-02-20 03:40:33,20240219,4,674 -chng,smoothed_adj_outpatient_flu,day,hhs,2020-02-01,2024-02-14,10,0.0001256,2.9665199,0.129573,0.2910451,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,hrr,2020-02-01,2024-02-14,306,0.0006665,7.3989023,0.157989,0.3502602,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,msa,2020-02-01,2024-02-14,392,0.0005895,9.1334945,0.1593255,0.3449737,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,nation,2020-02-01,2024-02-14,1,0.0042567,2.1340409,0.1410768,0.2817595,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,state,2020-02-01,2024-02-14,55,0.0003211,5.0601173,0.1349185,0.3161708,2024-02-20 03:40:38,20240219,5,674 -chng,smoothed_outpatient_cli,day,county,2020-02-01,2024-02-14,3119,0.0008986,99.911661,1.7494246,3.2141828,2024-02-20 03:40:34,20240219,3,674 -chng,smoothed_outpatient_cli,day,hhs,2020-02-01,2024-02-14,10,0.0057532,21.7526533,2.1935759,2.4568923,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_cli,day,hrr,2020-02-01,2024-02-14,306,0.0010292,54.076492,2.0121518,2.5913195,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_cli,day,msa,2020-02-01,2024-02-14,392,0.0007571,54.213362,1.7692415,2.3668653,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_cli,day,nation,2020-02-01,2024-02-14,1,0.014286,13.183495,2.4016659,2.3445632,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_cli,day,state,2020-02-01,2024-02-14,55,0.0012136,38.0980677,1.976939,2.4902626,2024-02-20 03:40:38,20240219,5,674 -chng,smoothed_outpatient_covid,day,county,2020-02-01,2024-02-14,3118,0.0007317,99.7382199,0.7295667,1.1518214,2024-02-20 03:40:35,20240219,3,674 -chng,smoothed_outpatient_covid,day,hhs,2020-02-01,2024-02-14,10,0.0001026,7.902697,0.7473772,0.7532255,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_covid,day,hrr,2020-02-01,2024-02-14,306,0.0004265,13.8813489,0.75981,0.8821325,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_covid,day,msa,2020-02-01,2024-02-14,392,0.0003196,15.0058502,0.6983567,0.8724389,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_covid,day,nation,2020-02-01,2024-02-14,1,0.0002781,5.7484116,0.7763361,0.7077705,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_covid,day,state,2020-02-01,2024-02-14,55,0.0001764,10.9664911,0.7277603,0.824994,2024-02-20 03:40:38,20240219,5,674 -chng,smoothed_outpatient_flu,day,county,2020-02-01,2024-02-14,3118,0.0007864,99.8031496,0.2120383,0.5747436,2024-02-20 03:40:35,20240219,4,674 -chng,smoothed_outpatient_flu,day,hhs,2020-02-01,2024-02-14,10,0.0001256,3.3283321,0.1325491,0.2889045,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_flu,day,hrr,2020-02-01,2024-02-14,306,0.0007358,7.7181903,0.1580634,0.3454277,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_flu,day,msa,2020-02-01,2024-02-14,392,0.0005895,7.7881801,0.1547919,0.327931,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_flu,day,nation,2020-02-01,2024-02-14,1,0.0042154,1.8960681,0.1439693,0.2751247,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_flu,day,state,2020-02-01,2024-02-14,55,0.0003211,5.2040069,0.1365516,0.3116242,2024-02-20 03:40:38,20240219,5,674 -covid-act-now,pcr_specimen_positivity_rate,day,county,2020-03-01,2021-12-02,3126,0.0,1.0,0.0979475,0.0903481,2021-12-10 17:59:11,20211210,2,529 -covid-act-now,pcr_specimen_positivity_rate,day,hhs,2020-03-01,2021-12-02,10,0.0,0.65,0.0806975,0.0559965,2021-12-10 17:59:14,20211210,8,585 -covid-act-now,pcr_specimen_positivity_rate,day,hrr,2020-03-01,2021-12-02,306,0.0,1.0,0.0864302,0.069691,2021-12-10 17:59:15,20211210,4,599 -covid-act-now,pcr_specimen_positivity_rate,day,msa,2020-03-01,2021-12-02,384,0.0,1.0,0.087359,0.0711056,2021-12-10 17:59:15,20211210,3,529 -covid-act-now,pcr_specimen_positivity_rate,day,nation,2020-03-01,2021-12-02,1,0.0180044,0.2183382,0.0809607,0.0406573,2021-12-10 17:59:15,20211210,8,529 -covid-act-now,pcr_specimen_positivity_rate,day,state,2020-03-01,2021-12-02,51,0.0,1.0,0.0834229,0.0659636,2021-12-10 17:59:15,20211210,3,585 -covid-act-now,pcr_specimen_total_tests,day,county,2020-03-01,2021-12-02,3126,0.14,161333.71,338.7239566,1757.0608222,2021-12-10 17:59:13,20211210,2,428 -covid-act-now,pcr_specimen_total_tests,day,hhs,2020-03-01,2021-12-02,10,2.0,387262.01,98225.6981138,78754.8915,2021-12-10 17:59:15,20211210,8,585 -covid-act-now,pcr_specimen_total_tests,day,hrr,2020-03-01,2021-12-02,306,1.55e-05,161288.2579186,3240.5090482,6316.7070508,2021-12-10 17:59:15,20211210,4,526 -covid-act-now,pcr_specimen_total_tests,day,msa,2020-03-01,2021-12-02,384,0.14,174380.71,2342.0841463,7999.6725139,2021-12-10 17:59:15,20211210,2,428 -covid-act-now,pcr_specimen_total_tests,day,nation,2020-03-01,2021-12-02,1,1433.8,1768763.07,981518.2845639,460852.3824205,2021-12-10 17:59:15,20211210,8,428 -covid-act-now,pcr_specimen_total_tests,day,state,2020-03-01,2021-12-02,51,0.14,344887.85,19433.6865717,31650.7665229,2021-12-10 17:59:15,20211210,2,585 -doctor-visits,smoothed_adj_cli,day,county,2020-02-01,2024-07-12,2594,0.0,87.670832,2.3358112,3.5540203,2024-07-17 00:18:37,20240716,2,129 -doctor-visits,smoothed_adj_cli,day,hhs,2020-02-01,2024-07-12,10,0.071857,31.731976,2.8805662,3.4617466,2024-07-17 00:18:40,20240716,4,126 -doctor-visits,smoothed_adj_cli,day,hrr,2020-02-01,2024-07-12,306,0.0,62.072299,2.6495845,3.6460135,2024-07-17 00:18:43,20240716,4,129 -doctor-visits,smoothed_adj_cli,day,msa,2020-02-01,2024-07-12,384,0.0,83.92411,2.4590565,3.5400049,2024-07-17 00:18:45,20240716,4,129 -doctor-visits,smoothed_adj_cli,day,nation,2020-02-01,2024-07-12,1,0.120549,21.575689,3.0877363,3.4208281,2024-07-17 00:18:48,20240716,4,126 -doctor-visits,smoothed_adj_cli,day,state,2020-02-01,2024-07-12,53,0.0,79.135443,2.6750998,3.9470251,2024-07-17 00:18:50,20240716,3,129 -doctor-visits,smoothed_cli,day,county,2020-02-01,2024-07-12,2594,0.0,76.569615,1.9889825,3.0497556,2024-07-17 00:18:39,20240716,2,129 -doctor-visits,smoothed_cli,day,hhs,2020-02-01,2024-07-12,10,0.055393,35.777605,3.1877169,3.8427966,2024-07-17 00:18:42,20240716,4,126 -doctor-visits,smoothed_cli,day,hrr,2020-02-01,2024-07-12,306,0.0,52.474626,2.5259156,3.5549362,2024-07-17 00:18:44,20240716,4,129 -doctor-visits,smoothed_cli,day,msa,2020-02-01,2024-07-12,385,0.0,65.645487,2.2165108,3.2350177,2024-07-17 00:18:47,20240716,4,129 -doctor-visits,smoothed_cli,day,nation,2020-02-01,2024-07-12,1,0.120689,26.252728,3.4213596,3.8325068,2024-07-17 00:18:49,20240716,4,126 -doctor-visits,smoothed_cli,day,state,2020-02-01,2024-07-12,53,0.0,61.764374,2.8345543,3.9843822,2024-07-17 00:18:52,20240716,3,129 -dsew-cpr,booster_doses_admin_7dav,day,hhs,2021-11-01,2023-02-22,10,360.8571429,211419.2857143,25422.797562,37932.1282922,2023-02-24 16:51:39,20230224,1,182 -dsew-cpr,booster_doses_admin_7dav,day,nation,2021-11-01,2023-02-22,1,14740.2857143,1100514.8571429,257525.9704433,312271.1870132,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,booster_doses_admin_7dav,day,state,2021-11-01,2023-02-22,56,0.0,194532.1428571,4613.3131688,11601.9151563,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,county,2021-01-07,2023-02-21,3272,0.0,825.5714285714286,2.3294191,9.6538384,2023-02-24 16:51:16,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,hhs,2020-12-16,2023-02-21,10,23.2857143,4990.0,667.6785049,780.5578655,2023-02-24 16:51:30,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,msa,2021-01-07,2023-02-21,392,0.0,1902.7142857142856,14.2411998,42.714571,2023-02-24 16:51:31,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,nation,2020-12-16,2023-02-21,1,1338.2857143,21086.1428571,6676.7850488,4537.105663,2023-02-24 16:51:32,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,state,2020-12-16,2023-02-21,56,0.0,2379.0,119.5731249,215.9007672,2023-02-24 16:51:32,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,county,2021-01-07,2023-02-21,3219,0.0,569.2346462,1.8762013,4.3113657,2023-02-24 16:51:24,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,hhs,2020-12-16,2023-02-21,10,0.1568329,8.1781998,1.863108,1.4513172,2023-02-24 16:51:30,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,msa,2021-01-07,2023-02-21,392,0.0,52.2139965155508,2.1629876,2.5039056,2023-02-24 16:51:32,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,nation,2020-12-16,2023-02-21,1,0.4005607,6.3112681,1.9984205,1.3579956,2023-02-24 16:51:32,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,state,2020-12-16,2023-02-21,56,0.0,35.7918347,1.9012573,1.9888021,2023-02-24 16:51:33,20230224,3,502 -dsew-cpr,covid_naat_pct_positive_7dav,day,county,2020-12-07,2023-02-20,3198,0.0,1.0,0.1155519,0.0997406,2023-02-24 16:51:15,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,hhs,2020-12-07,2023-02-20,10,0.004,0.436,0.0919346,0.0679411,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,msa,2020-12-07,2023-02-20,392,0.0,1.0,0.1084464,0.0916635,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,nation,2020-12-07,2023-02-20,1,0.0197007,0.3145435,0.097572,0.0623476,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,state,2020-12-07,2023-02-20,55,0.0,0.946,0.0997204,0.0823642,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,doses_admin_7dav,day,hhs,2021-05-02,2023-02-22,10,-25415.0,416729.2857143,70956.6438044,69418.1294544,2023-02-24 16:51:39,20230224,1,365 -dsew-cpr,doses_admin_7dav,day,nation,2021-05-02,2023-02-22,1,84396.2857143,2405770.1428571,706882.2067602,508222.8169732,2023-02-24 16:51:40,20230224,1,365 -dsew-cpr,doses_admin_7dav,day,state,2021-05-02,2023-02-22,56,-34912.7142857,340911.8571429,12732.1491109,23061.218246,2023-02-24 16:51:40,20230224,1,365 -dsew-cpr,people_booster_doses,day,hhs,2021-11-01,2023-02-22,10,798354.0,21409818.0,9252301.1570292,5435063.9417483,2023-02-24 16:51:39,20230224,1,182 -dsew-cpr,people_booster_doses,day,nation,2021-11-01,2023-02-22,1,19141580.0,117047500.0,92522945.6153846,24244972.5200394,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,people_booster_doses,day,state,2021-11-01,2023-02-22,56,143.0,17335732.0,1652195.4574176,2259512.8844226,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,people_full_vaccinated,day,county,2021-04-12,2023-02-22,3272,18.0,7519699.0,59563.0639614,211223.6154859,2023-02-24 16:51:33,20230224,1,385 -dsew-cpr,people_full_vaccinated,day,hhs,2021-01-15,2023-02-22,10,62625.0,41839198.0,17210344.7447526,11586031.1172692,2023-02-24 16:51:39,20230224,1,472 -dsew-cpr,people_full_vaccinated,day,msa,2021-04-12,2023-02-22,392,70.0,15491795.0,418183.4066464,1051278.8411392,2023-02-24 16:51:39,20230224,1,385 -dsew-cpr,people_full_vaccinated,day,nation,2021-01-15,2023-02-22,1,1540774.0,228878714.0,172103447.4475262,65899353.6538525,2023-02-24 16:51:40,20230224,1,472 -dsew-cpr,people_full_vaccinated,day,state,2021-01-15,2023-02-22,56,0.0,29504730.0,3073275.8472773,4305501.1704603,2023-02-24 16:51:40,20230224,1,472 -fb-survey,raw_cli,day,county,2020-04-06,2022-06-25,642,0.0,19.047619047619047,0.9247258,0.998862,2022-07-01 14:59:42,20220701,1,150 -fb-survey,raw_cli,day,hrr,2020-04-06,2022-06-25,306,0.0,11.0607993,0.9550459,1.0436459,2022-07-01 14:59:57,20220701,3,150 -fb-survey,raw_cli,day,msa,2020-04-06,2022-06-25,342,0.0,10.9638047,0.8877732,0.9860774,2022-07-01 15:00:12,20220701,4,150 -fb-survey,raw_cli,day,nation,2020-04-06,2022-06-26,1,0.338621,4.9208848,1.1742658,0.7933958,2022-07-01 15:00:22,20220701,2,253 -fb-survey,raw_cli,day,state,2020-04-06,2022-06-25,51,0.0,11.081765,1.1699135,1.0178461,2022-07-01 15:00:26,20220701,4,150 -fb-survey,raw_hh_cmnty_cli,day,county,2020-04-15,2022-06-25,351,0.4092675,68.9130435,21.0312594,9.4592786,2022-07-01 14:59:42,20220701,1,141 -fb-survey,raw_hh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,288,1.2711864,68.9054726,21.6422026,9.9707881,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_hh_cmnty_cli,day,msa,2020-04-15,2022-06-25,215,2.2987534,68.9130435,20.9525067,9.5781275,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_hh_cmnty_cli,day,nation,2020-04-15,2022-06-26,1,8.6940597,48.3062084,21.5924631,7.4691767,2022-07-01 15:00:23,20220701,2,244 -fb-survey,raw_hh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,2.9411765,66.9255021,22.2057274,9.7290508,2022-07-01 15:00:26,20220701,4,141 -fb-survey,raw_ili,day,county,2020-04-06,2022-06-25,642,0.0,19.047619047619047,0.9478843,1.0147259,2022-07-01 14:59:42,20220701,1,150 -fb-survey,raw_ili,day,hrr,2020-04-06,2022-06-25,306,0.0,11.2681159,0.9779726,1.061052,2022-07-01 14:59:57,20220701,3,150 -fb-survey,raw_ili,day,msa,2020-04-06,2022-06-25,342,0.0,10.9638047,0.9124409,1.004418,2022-07-01 15:00:12,20220701,4,150 -fb-survey,raw_ili,day,nation,2020-04-06,2022-06-26,1,0.3525545,5.0480449,1.2000985,0.8120644,2022-07-01 15:00:23,20220701,2,253 -fb-survey,raw_ili,day,state,2020-04-06,2022-06-25,51,0.0,11.081765,1.1941615,1.0364316,2022-07-01 15:00:26,20220701,4,150 -fb-survey,raw_nohh_cmnty_cli,day,county,2020-04-15,2022-06-25,351,0.3267974,64.0283737,16.7370961,8.6774912,2022-07-01 14:59:42,20220701,1,141 -fb-survey,raw_nohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,288,0.3787879,64.0939597,17.3080434,9.1652301,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_nohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,215,0.5633451,64.0283737,16.6829469,8.7874763,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_nohh_cmnty_cli,day,nation,2020-04-15,2022-06-26,1,5.7044523,41.8558786,17.0048453,6.824453,2022-07-01 15:00:23,20220701,2,244 -fb-survey,raw_nohh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,0.3267974,60.9350753,17.5830578,9.0078233,2022-07-01 15:00:26,20220701,4,141 -fb-survey,raw_wcli,day,county,2020-04-06,2022-06-25,640,0.0,19.047619047619047,0.9389968,1.0065155,2022-07-01 14:59:42,20220701,2,150 -fb-survey,raw_wcli,day,hrr,2020-04-06,2022-06-25,306,0.0,11.1186835,0.9865602,1.0702621,2022-07-01 14:59:57,20220701,2,150 -fb-survey,raw_wcli,day,msa,2020-04-06,2022-06-25,340,0.0,11.7928697,0.9314997,1.0168941,2022-07-01 15:00:12,20220701,2,150 -fb-survey,raw_wcli,day,nation,2020-04-06,2022-06-25,1,0.4039215,5.408061,1.3702998,0.9063896,2022-07-01 15:00:23,20220701,4,253 -fb-survey,raw_wcli,day,state,2020-04-06,2022-06-25,51,0.0,11.2808901,1.2850101,1.1000853,2022-07-01 15:00:26,20220701,2,150 -fb-survey,raw_whh_cmnty_cli,day,county,2020-04-15,2022-06-25,343,0.4092675,69.7366276,21.2513547,9.4036702,2022-07-01 14:59:42,20220701,4,141 -fb-survey,raw_whh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,287,1.4154066,69.0424071,21.8559408,9.9701793,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_whh_cmnty_cli,day,msa,2020-04-15,2022-06-25,207,1.6579937,69.9032636,21.1068482,9.564647,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_whh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,9.1761173,48.2407423,21.5503016,7.2072222,2022-07-01 15:00:23,20220701,4,244 -fb-survey,raw_whh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,2.5278035,67.7211955,22.4708687,9.5978548,2022-07-01 15:00:27,20220701,4,141 -fb-survey,raw_wili,day,county,2020-04-06,2022-06-25,640,0.0,19.047619047619047,0.9617527,1.0224706,2022-07-01 14:59:42,20220701,2,150 -fb-survey,raw_wili,day,hrr,2020-04-06,2022-06-25,306,0.0,11.1227941,1.0088413,1.0878227,2022-07-01 14:59:57,20220701,2,150 -fb-survey,raw_wili,day,msa,2020-04-06,2022-06-25,340,0.0,11.7928697,0.9555916,1.0354607,2022-07-01 15:00:12,20220701,2,150 -fb-survey,raw_wili,day,nation,2020-04-06,2022-06-25,1,0.4144906,5.5247274,1.3975828,0.9277962,2022-07-01 15:00:23,20220701,4,253 -fb-survey,raw_wili,day,state,2020-04-06,2022-06-25,51,0.0,11.2808901,1.3091654,1.1199192,2022-07-01 15:00:27,20220701,2,150 -fb-survey,raw_wnohh_cmnty_cli,day,county,2020-04-15,2022-06-25,343,0.3267974,64.8845314,16.7082958,8.5360556,2022-07-01 14:59:42,20220701,4,141 -fb-survey,raw_wnohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,287,0.3787879,64.4127616,17.2542155,9.0633926,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_wnohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,207,0.7005145,64.8845314,16.5727216,8.6670007,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_wnohh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,5.9588102,40.5355196,16.6488651,6.4672122,2022-07-01 15:00:23,20220701,4,244 -fb-survey,raw_wnohh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,0.3267974,61.2646482,17.5685456,8.7803074,2022-07-01 15:00:27,20220701,4,141 -fb-survey,smoothed_accept_covid_vaccine,day,county,2020-12-20,2021-08-08,757,6.3106857,96.3920452,67.9237724,14.3796865,2021-08-13 12:54:15,20210813,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,hrr,2020-12-20,2021-08-06,306,10.2941176,92.1875,61.1924903,16.7694796,2021-08-11 12:56:16,20210811,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,msa,2020-12-20,2021-08-07,362,15.1563221,92.9292808,65.2383722,14.3516874,2021-08-12 12:54:50,20210812,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,nation,2020-12-20,2021-08-08,1,17.755102,74.5601494,46.7574433,22.3505344,2021-08-13 12:57:00,20210813,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,state,2020-12-20,2021-08-08,51,6.3106857,90.8967391,55.2646333,20.9437812,2021-08-13 12:57:04,20210813,1,44 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,county,2021-05-20,2022-06-27,92,2.8931167,48.019802,15.5086319,5.4726703,2022-07-01 14:59:42,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,hrr,2021-05-21,2022-06-27,168,1.1811024,47.5490196,15.5441133,5.3891774,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,msa,2021-05-21,2022-06-27,95,3.3219911,38.9585132,17.2049154,5.438195,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,nation,2021-05-20,2022-06-27,1,10.5194141,21.4088779,14.5975905,2.8074055,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,state,2021-05-20,2022-06-27,48,2.8931167,31.7490615,14.3656827,4.2749012,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_anxious_5d,day,county,2020-09-08,2021-03-15,754,2.496938,38.803681,17.3270685,3.6738037,2021-03-20 11:51:16,20210320,1,92 -fb-survey,smoothed_anxious_5d,day,hrr,2020-09-08,2021-03-11,306,4.4715447,33.9673913,16.9910865,3.0886278,2021-03-17 18:57:54,20210317,1,92 -fb-survey,smoothed_anxious_5d,day,msa,2020-09-08,2021-03-14,359,2.496938,37.2055658,17.3911656,3.5361126,2021-03-19 11:51:37,20210319,1,92 -fb-survey,smoothed_anxious_5d,day,nation,2020-09-08,2021-03-18,1,12.3224728,22.7558011,16.9176287,1.864669,2021-03-23 11:53:30,20210323,5,98 -fb-survey,smoothed_anxious_5d,day,state,2020-09-08,2021-03-15,51,6.7457199,38.803681,17.2987398,2.7756485,2021-03-20 11:52:09,20210320,5,92 -fb-survey,smoothed_anxious_7d,day,county,2021-03-02,2022-06-27,616,0.473738,30.7957769,12.7975556,3.1461309,2022-07-01 14:59:42,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,hrr,2021-03-02,2022-06-27,306,1.3888889,31.8627451,12.7682873,2.9999053,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,msa,2021-03-02,2022-06-27,332,2.496278,27.8770477,12.9200141,3.0893081,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,nation,2021-03-02,2022-06-27,1,10.0859188,16.2442525,12.6390425,1.3485845,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,state,2021-03-02,2022-06-27,51,3.0405405,22.815534,12.7942177,2.2673367,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_appointment_not_vaccinated,day,county,2021-05-20,2022-06-27,99,0.1462927,17.1988482,3.3385882,1.8404781,2022-07-01 14:59:42,20220701,1,88 -fb-survey,smoothed_appointment_not_vaccinated,day,hrr,2021-05-21,2022-06-27,177,0.1851852,20.3846154,3.4699997,1.9600779,2022-07-01 14:59:57,20220701,1,87 -fb-survey,smoothed_appointment_not_vaccinated,day,msa,2021-05-21,2022-06-27,99,0.2074501,19.0133854,3.9230132,2.0474182,2022-07-01 15:00:12,20220701,1,87 -fb-survey,smoothed_appointment_not_vaccinated,day,nation,2021-05-20,2022-06-27,1,1.3645163,5.7176348,2.879369,1.0287608,2022-07-01 15:00:23,20220701,1,88 -fb-survey,smoothed_appointment_not_vaccinated,day,state,2021-05-20,2022-06-27,49,0.136612,14.0884056,3.0139223,1.5351489,2022-07-01 15:00:27,20220701,1,88 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,county,2021-05-20,2022-06-27,97,2.8947834,55.6878788,18.1899701,6.4070756,2022-07-01 14:59:42,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,hrr,2021-05-21,2022-06-27,178,2.2727273,55.8252427,18.2009257,6.2416784,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,msa,2021-05-20,2022-06-27,98,3.3219911,46.6146387,20.1795558,6.2956446,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,nation,2021-05-20,2022-06-27,1,11.9167877,25.8840354,17.0285233,3.5663794,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,state,2021-05-20,2022-06-27,49,2.8947834,40.9091301,16.7679518,5.0595141,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_belief_children_immune,day,county,2021-05-20,2022-02-18,362,0.2237989,19.3409509,4.8528498,2.2392157,2022-02-23 13:51:25,20220223,5,110 -fb-survey,smoothed_belief_children_immune,day,hrr,2021-05-20,2022-02-15,291,0.1333333,17.578125,4.9065365,2.1153129,2022-02-20 13:52:39,20220220,5,110 -fb-survey,smoothed_belief_children_immune,day,msa,2021-05-20,2022-02-17,216,0.1493704,18.8073394,4.7442141,2.0875794,2022-02-22 13:54:29,20220222,5,110 -fb-survey,smoothed_belief_children_immune,day,nation,2021-05-20,2022-02-19,1,2.9170739,6.4676486,4.712255,1.1693786,2022-02-24 13:53:42,20220224,5,110 -fb-survey,smoothed_belief_children_immune,day,state,2021-05-20,2022-02-18,51,0.4000003,12.3672014,4.6223851,1.5579756,2022-02-23 13:53:56,20220223,5,110 -fb-survey,smoothed_belief_created_small_group,day,county,2021-05-20,2022-06-27,363,1.5595178,38.9954032,16.9962957,5.1983294,2022-07-01 14:59:42,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,hrr,2021-05-20,2022-06-27,291,2.4509804,50.4901961,18.915403,5.1776701,2022-07-01 14:59:57,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,msa,2021-05-20,2022-06-27,216,2.0612317,40.4307125,17.6122869,4.8342499,2022-07-01 15:00:12,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,nation,2021-05-20,2022-06-27,1,16.8966159,20.3157167,18.5028106,0.8152889,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,state,2021-05-20,2022-06-27,51,2.2522523,35.5991822,18.8051095,4.2701708,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,county,2021-05-20,2022-06-27,375,49.3620543,96.961326,77.6388762,6.9251447,2022-07-01 14:59:42,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,hrr,2021-05-20,2022-06-27,293,47.7564103,96.2328767,75.1385342,6.9507118,2022-07-01 14:59:57,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,msa,2021-05-20,2022-06-27,219,46.7592593,95.2154174,76.469296,6.2078048,2022-07-01 15:00:12,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,nation,2021-05-20,2022-06-27,1,70.507751,81.219875,75.3967652,3.4605009,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,state,2021-05-20,2022-06-27,51,49.5500005,95.5284553,74.454045,6.3504165,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,county,2021-05-20,2022-06-27,362,3.2557612,47.7401536,22.572586,6.8239109,2022-07-01 14:59:43,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,hrr,2021-05-20,2022-06-27,291,4.4117647,55.8252427,25.3236335,6.7577857,2022-07-01 14:59:58,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,msa,2021-05-20,2022-06-27,215,5.229548,49.2595629,23.8016288,6.0625237,2022-07-01 15:00:12,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,nation,2021-05-20,2022-06-27,1,21.011988,28.2949287,24.8515407,1.8201246,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,state,2021-05-20,2022-06-27,51,4.1666667,46.4502192,25.6320025,5.8297068,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_belief_masking_effective,day,county,2021-06-04,2022-06-27,376,43.2954171,97.9651163,77.5169356,8.2145814,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,hrr,2021-06-04,2022-06-27,293,41.3043478,97.4178404,74.1705489,8.2027679,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,msa,2021-06-04,2022-06-27,219,47.2142844,96.2759522,75.8904821,7.1293745,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,nation,2021-06-04,2022-06-27,1,69.7626672,80.7278994,74.5656604,3.3788714,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,state,2021-06-04,2022-06-27,51,43.7072569,97.9651163,73.3523019,7.4305426,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,county,2021-05-20,2022-02-18,361,1.171875,77.7116976,21.0331544,14.0003231,2022-02-23 13:51:27,20220223,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,hrr,2021-05-20,2022-02-15,291,1.4150943,70.0819672,21.7323839,14.1352958,2022-02-20 13:52:40,20220220,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,msa,2021-05-20,2022-02-17,216,2.136855,77.4233591,21.4733949,14.1658188,2022-02-22 13:54:30,20220222,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,nation,2021-05-20,2022-02-19,1,8.3996604,48.4696633,21.8394571,13.6131326,2022-02-24 13:53:42,20220224,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,state,2021-05-20,2022-02-18,51,3.4288513,64.2857587,22.6686765,14.605575,2022-02-23 13:53:57,20220223,5,110 -fb-survey,smoothed_cli,day,county,2020-04-06,2022-06-27,1536,0.0,13.0003763,1.027805,1.0362304,2022-07-01 14:59:43,20220701,1,150 -fb-survey,smoothed_cli,day,hrr,2020-04-06,2022-06-27,306,0.0,11.2962963,1.2269157,1.0692117,2022-07-01 14:59:58,20220701,1,150 -fb-survey,smoothed_cli,day,msa,2020-04-06,2022-06-27,382,0.0,12.5231652,1.1602289,1.0960308,2022-07-01 15:00:12,20220701,1,150 -fb-survey,smoothed_cli,day,nation,2020-04-06,2022-06-27,1,0.3647163,4.382599,1.1685062,0.7841888,2022-07-01 15:00:23,20220701,1,253 -fb-survey,smoothed_cli,day,state,2020-04-06,2022-06-27,52,0.0,7.4156739,1.2031664,0.9198052,2022-07-01 15:00:27,20220701,1,150 -fb-survey,smoothed_covid_vaccinated,day,county,2021-01-06,2022-06-27,753,1.3182512,99.806477,73.1689173,24.0625346,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,hrr,2021-01-06,2022-06-27,306,0.4950495,99.5065789,74.1336252,20.9790356,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,msa,2021-01-06,2022-06-27,361,1.3497978,98.6988259,73.0066824,22.7746073,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,nation,2021-01-06,2022-06-27,1,5.4455056,86.832716,75.3232519,20.8758334,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,state,2021-01-06,2022-06-27,51,2.1550368,98.1481481,75.0844935,20.9783793,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,county,2021-05-20,2022-06-27,657,65.1604516,99.8105963,88.0349635,5.2263187,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,hrr,2021-05-20,2022-06-27,306,57.2625698,99.512987,85.9083299,5.3471261,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,msa,2021-05-20,2022-06-27,347,62.9303278,99.0453217,86.8796612,4.9270324,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,nation,2021-05-20,2022-06-27,1,86.0948981,88.5334628,87.1571506,0.5924003,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,state,2021-05-20,2022-06-27,51,67.1810851,99.0066225,86.6146821,4.4267436,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_friends,day,county,2021-05-20,2022-06-27,371,34.2579817,95.5645161,70.2740465,9.8389206,2022-07-01 14:59:43,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,hrr,2021-05-20,2022-06-27,291,27.3148148,93.9716312,66.4414807,10.0810154,2022-07-01 14:59:58,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,msa,2021-05-20,2022-06-27,220,28.2667809,93.9811262,68.6786081,8.9466352,2022-07-01 15:00:13,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,nation,2021-05-20,2022-06-27,1,61.9736031,70.6638435,67.1348906,2.0818524,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,state,2021-05-20,2022-06-27,51,38.66509,90.8653846,66.2411893,8.9589405,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_or_accept,day,county,2020-12-20,2021-08-08,768,45.0788284,99.745469,80.9666545,8.1259498,2021-08-13 12:54:19,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,hrr,2020-12-20,2021-08-08,306,44.5652174,99.5327103,80.0951132,7.769323,2021-08-13 12:55:33,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,msa,2020-12-20,2021-08-08,364,45.4966234,98.3311996,80.1205091,7.9816216,2021-08-13 12:56:24,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,nation,2020-12-20,2021-08-08,1,70.120171,87.7644024,82.8202898,4.7302724,2021-08-13 12:57:00,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,state,2020-12-20,2021-08-08,51,52.3185241,97.8932584,81.9259577,6.6068393,2021-08-13 12:57:05,20210813,1,44 -fb-survey,smoothed_delayed_care_cost,day,county,2021-05-20,2022-06-27,349,7.1428571,58.7731136,30.5260235,5.4782579,2022-07-01 14:59:43,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,hrr,2021-05-20,2022-06-27,288,13.2,52.9661017,30.7646315,5.1338922,2022-07-01 14:59:58,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,msa,2021-05-20,2022-06-27,213,7.1428571,58.7731136,30.749201,5.2077782,2022-07-01 15:00:13,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,nation,2021-05-20,2022-06-27,1,29.3886846,32.304431,30.9506304,0.6386159,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,state,2021-05-20,2022-06-27,51,15.2439024,46.5873026,31.4106402,4.2449509,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_depressed_5d,day,county,2020-09-08,2021-03-15,750,1.3215125,28.5219101,12.6707491,2.9490081,2021-03-20 11:51:17,20210320,0,92 -fb-survey,smoothed_depressed_5d,day,hrr,2020-09-08,2021-03-11,306,4.0372671,27.3722628,12.5759003,2.4165054,2021-03-17 18:57:55,20210317,1,92 -fb-survey,smoothed_depressed_5d,day,msa,2020-09-08,2021-03-14,360,1.5728509,29.4046023,12.9635171,2.8413762,2021-03-19 11:51:37,20210319,1,92 -fb-survey,smoothed_depressed_5d,day,nation,2020-09-08,2021-03-18,1,10.6528256,13.9352609,12.3595309,0.7665024,2021-03-23 11:53:31,20210323,5,98 -fb-survey,smoothed_depressed_5d,day,state,2020-09-08,2021-03-15,51,5.9090802,20.6156453,12.6730155,1.8084615,2021-03-20 11:52:10,20210320,5,92 -fb-survey,smoothed_depressed_7d,day,county,2021-03-02,2022-06-27,613,0.5597399,26.1063583,10.2403199,2.7376668,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,hrr,2021-03-02,2022-06-27,306,0.4807692,26.4423077,10.4213618,2.6238609,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,msa,2021-03-02,2022-06-27,331,0.4680631,26.8705864,10.468143,2.6812753,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,nation,2021-03-02,2022-06-27,1,8.8132706,12.4159631,10.2226592,0.8368107,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,state,2021-03-02,2022-06-27,51,2.3584906,19.6153846,10.4713187,1.8961675,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,county,2021-02-09,2022-06-27,45,5.5555556,39.6263807,21.4008743,4.321096,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,hrr,2021-02-12,2022-06-19,31,9.6899225,40.625,23.9224288,4.8282974,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,msa,2021-02-11,2022-06-26,19,9.4119587,40.3463675,22.4776737,4.8522507,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,nation,2021-02-09,2022-06-27,1,16.8978868,28.7211177,20.8719719,2.5463764,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,state,2021-02-09,2022-06-27,41,5.5555556,38.942329,21.3398772,4.238066,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,county,2021-02-09,2022-06-27,45,7.5999696,67.7883312,33.9147538,11.7913429,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,hrr,2021-02-12,2022-06-19,31,5.9090909,59.9056604,27.3755076,11.0428184,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,msa,2021-02-11,2022-06-26,19,4.9886613,60.5993142,32.0541118,11.767344,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,nation,2021-02-09,2022-06-27,1,16.3324104,50.1111523,34.9273113,11.0253327,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,state,2021-02-09,2022-06-27,41,7.5999696,67.7883312,34.0707155,11.7727205,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,county,2021-02-09,2022-06-27,45,9.2224772,38.776445,22.6533446,3.8633949,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,hrr,2021-02-12,2022-06-19,31,9.3137255,36.5740741,21.3928019,4.3704203,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,msa,2021-02-11,2022-06-26,19,8.3386675,38.9421067,22.5059995,4.5892419,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,nation,2021-02-09,2022-06-27,1,19.1838094,26.9859256,22.7430719,2.2253834,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,state,2021-02-09,2022-06-27,41,9.2224772,38.776445,22.6736772,3.8323621,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,county,2021-02-09,2022-06-27,45,22.0150329,56.250625,38.6763552,4.187104,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,hrr,2021-02-12,2022-06-19,31,27.4774775,60.4761905,40.7726616,4.7536919,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,msa,2021-02-11,2022-06-26,19,28.1531223,61.0581599,41.1034348,4.4102823,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,nation,2021-02-09,2022-06-27,1,34.6180556,41.5073,38.5047144,1.441484,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,state,2021-02-09,2022-06-27,41,22.0150329,56.250625,38.6436171,4.1338582,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,county,2021-02-09,2022-06-27,45,18.9814991,63.4969607,38.0916004,5.7583841,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,hrr,2021-02-12,2022-06-19,31,20.8333333,61.2745098,36.1879966,6.2874237,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,msa,2021-02-11,2022-06-26,19,18.3854006,55.8194092,35.787947,5.7656897,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,nation,2021-02-09,2022-06-27,1,32.4725662,43.3047981,38.2416588,2.9637077,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,state,2021-02-09,2022-06-27,41,18.5060327,63.4969607,38.1241797,5.7263057,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_other,day,county,2021-02-09,2022-06-27,45,15.3592362,51.6000438,31.6656623,4.3952503,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_other,day,hrr,2021-02-12,2022-06-19,31,12.3762376,48.5294118,29.3215505,5.4914016,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_other,day,msa,2021-02-11,2022-06-26,19,15.3036239,48.2089811,30.2311313,4.9965866,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_other,day,nation,2021-02-09,2022-06-27,1,22.0281863,35.1886422,31.4579475,2.4228659,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_other,day,state,2021-02-09,2022-06-27,41,15.3592362,51.6000438,31.69114,4.3716301,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_precautions,day,county,2021-02-09,2022-06-27,45,2.2936032,45.8906592,16.6077555,6.5164296,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_precautions,day,hrr,2021-02-12,2022-06-19,31,6.8807339,45.0892857,21.6270804,6.3256489,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_precautions,day,msa,2021-02-11,2022-06-26,19,2.8657092,48.3796287,22.2286587,7.5302762,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_precautions,day,nation,2021-02-09,2022-06-27,1,9.8516076,30.4647337,16.0890342,4.5571225,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_precautions,day,state,2021-02-09,2022-06-27,41,2.2936032,43.3333333,16.4605263,6.338244,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_felt_isolated_5d,day,county,2020-09-08,2021-03-15,747,4.847558,42.3968791,19.159348,3.8708993,2021-03-20 11:51:18,20210320,0,92 -fb-survey,smoothed_felt_isolated_5d,day,hrr,2020-09-08,2021-03-11,306,5.9633028,38.559322,18.6961722,3.1790815,2021-03-17 18:57:55,20210317,1,92 -fb-survey,smoothed_felt_isolated_5d,day,msa,2020-09-08,2021-03-14,358,4.872111,42.3968791,19.1309308,3.7302484,2021-03-19 11:51:38,20210319,1,92 -fb-survey,smoothed_felt_isolated_5d,day,nation,2020-09-08,2021-03-18,1,15.7917384,20.7178579,18.8105557,1.2162638,2021-03-23 11:53:32,20210323,5,98 -fb-survey,smoothed_felt_isolated_5d,day,state,2020-09-08,2021-03-15,51,10.4255319,30.2531646,19.1213406,2.8239792,2021-03-20 11:52:10,20210320,5,92 -fb-survey,smoothed_felt_isolated_7d,day,county,2021-03-02,2021-08-08,613,2.1045755,34.7777461,13.6739243,3.9296526,2021-08-13 12:54:20,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,hrr,2021-03-02,2021-08-08,306,1.8382353,31.875,13.0120225,3.4660622,2021-08-13 12:55:34,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,msa,2021-03-02,2021-08-08,331,2.1202975,34.9286958,13.5061658,3.7434069,2021-08-13 12:56:24,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,nation,2021-03-02,2021-08-08,1,8.2389937,18.2134159,11.6851502,2.7929577,2021-08-13 12:57:00,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,state,2021-03-02,2021-08-08,51,2.8965525,29.4701987,12.4222859,3.5652697,2021-08-13 12:57:06,20210813,5,15 -fb-survey,smoothed_had_covid_ever,day,county,2021-05-20,2022-06-27,661,0.3968254,62.441788,23.287253,9.5629329,2022-07-01 14:59:44,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,hrr,2021-05-20,2022-06-27,306,2.173913,60.7623318,24.7447958,9.6134064,2022-07-01 14:59:59,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,msa,2021-05-20,2022-06-27,347,1.5594999,62.1868215,23.7939522,9.501255,2022-07-01 15:00:13,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,nation,2021-05-20,2022-06-27,1,13.4884718,40.0608608,24.4992133,8.4733292,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,state,2021-05-20,2022-06-27,51,2.173913,50.8052975,24.6392135,9.7344291,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_hesitancy_reason_allergic,day,county,2021-02-09,2021-08-08,269,12.5277006,43.8679245,26.0102465,3.7732528,2021-08-13 12:54:20,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,hrr,2021-02-09,2021-08-06,264,11.5384615,43.4579439,25.8718915,3.7725057,2021-08-11 12:56:22,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,msa,2021-02-09,2021-08-07,182,12.4357971,41.5143999,25.9393855,3.6950898,2021-08-12 12:54:53,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,nation,2021-02-09,2021-08-08,1,17.9802956,29.9519231,26.0913333,1.7161223,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,state,2021-02-09,2021-08-08,50,13.0027675,41.3033063,25.8046834,3.0869843,2021-08-13 12:57:06,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_cost,day,county,2021-02-09,2022-06-27,269,0.2155175,15.4996704,3.7842147,1.9095974,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,hrr,2021-02-09,2022-06-27,264,0.210084,17.1052632,3.7624734,1.9099158,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,msa,2021-02-09,2022-06-27,182,0.2395013,15.1063542,3.8823708,2.0000504,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,nation,2021-02-09,2022-06-27,1,2.2810659,6.4393365,3.00952,0.8952847,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,state,2021-02-09,2022-06-27,50,0.2155175,13.3879781,3.2393359,1.375276,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,county,2021-02-09,2021-12-24,269,2.2711045,24.2835511,11.5717715,2.5257658,2022-02-02 20:51:32,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,hrr,2021-02-09,2021-12-22,264,2.4271845,25.0,11.6271007,2.7578404,2022-02-02 20:52:46,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,msa,2021-02-09,2021-12-23,182,2.8420633,26.9141005,11.5699548,2.7739234,2022-02-02 20:53:50,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,nation,2021-02-09,2021-12-25,1,8.9895988,17.1052632,11.729474,0.875215,2022-02-02 20:54:37,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,state,2021-02-09,2021-12-24,50,4.1616781,23.2824427,11.9406882,2.0460138,2022-02-02 20:54:49,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,county,2021-12-19,2022-06-27,69,7.9831933,34.8039216,18.8957762,2.8859943,2022-07-01 14:59:44,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,hrr,2021-12-20,2022-06-27,126,6.302521,31.9047619,18.8031445,3.4864675,2022-07-01 14:59:59,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,msa,2021-12-20,2022-06-27,64,8.0349518,34.7722556,19.155767,3.2134825,2022-07-01 15:00:13,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,nation,2021-12-19,2022-06-27,1,17.6337973,19.5578457,18.6053012,0.4896687,2022-07-01 15:00:23,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,state,2021-12-19,2022-06-27,47,7.9831933,34.8039216,18.8072841,2.7702798,2022-07-01 15:00:27,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,county,2021-02-09,2022-06-27,269,5.2643266,65.8658853,36.5191347,10.7791288,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,hrr,2021-02-09,2022-06-27,264,5.2884615,66.509434,37.0626382,9.9607681,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,msa,2021-02-09,2022-06-27,182,10.8144015,63.5412222,34.8606277,9.7029899,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,nation,2021-02-09,2022-06-27,1,21.7519331,48.3679162,41.1213222,7.1859845,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,state,2021-02-09,2022-06-27,50,13.345267,65.8658853,41.3420766,8.1618468,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,county,2021-02-09,2022-06-27,269,8.1357775,70.1762823,38.9057405,12.3176294,2022-07-01 14:59:44,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,hrr,2021-02-09,2022-06-27,264,8.3333333,69.8019802,38.3684199,11.035503,2022-07-01 14:59:59,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,msa,2021-02-09,2022-06-27,182,11.2684577,68.220897,36.617055,10.7274537,2022-07-01 15:00:13,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,nation,2021-02-09,2022-06-27,1,25.1080152,55.7046293,45.6832141,8.7490289,2022-07-01 15:00:23,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,state,2021-02-09,2022-06-27,50,12.9464286,70.1762823,45.4180477,10.3103028,2022-07-01 15:00:27,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,county,2021-02-09,2021-08-08,269,2.9466938,26.9230769,13.2918204,3.0049618,2021-08-13 12:54:21,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,hrr,2021-02-09,2021-08-06,264,3.125,30.0,13.4446659,2.9658351,2021-08-11 12:56:22,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,msa,2021-02-09,2021-08-07,182,3.1643019,26.6417236,13.2466141,2.8991616,2021-08-12 12:54:53,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,nation,2021-02-09,2021-08-08,1,11.9954903,19.0625,14.5410251,1.7983539,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,state,2021-02-09,2021-08-08,50,5.752447,25.4807711,13.7821031,2.58501,2021-08-13 12:57:06,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_ineffective,day,county,2021-02-09,2022-06-27,269,7.6253143,41.5178571,23.6646706,4.6730662,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,hrr,2021-02-09,2022-06-27,264,8.3333333,45.3389831,23.8568069,5.0179228,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,msa,2021-02-09,2022-06-27,182,7.6046012,41.8429875,23.2509192,4.9052365,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,nation,2021-02-09,2022-06-27,1,18.6429566,29.2183088,24.8469856,3.1445592,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,state,2021-02-09,2022-06-27,50,10.4982767,41.5178571,25.0455331,4.1267331,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,county,2021-02-09,2022-06-27,269,1.151964,48.1833181,14.9931388,9.8883824,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,hrr,2021-02-09,2022-06-27,264,0.2564103,50.462963,14.4400568,9.0336238,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,msa,2021-02-09,2022-06-27,182,1.14958,46.0995474,15.6970358,9.478581,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,nation,2021-02-09,2022-06-27,1,5.4775281,30.9452429,10.4082069,6.5575274,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,state,2021-02-09,2022-06-27,50,1.3643111,41.9376261,11.028012,7.1934213,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,county,2021-02-09,2021-08-08,269,0.386761,20.7570463,8.0616076,2.1608849,2021-08-13 12:54:21,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,hrr,2021-02-09,2021-08-06,264,1.1363636,19.9115044,8.2536819,2.1689074,2021-08-11 12:56:23,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,msa,2021-02-09,2021-08-07,182,1.4547853,21.8581853,8.133678,2.1755125,2021-08-12 12:54:54,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,nation,2021-02-09,2021-08-08,1,5.2469136,12.0967742,8.8603661,1.3347251,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,state,2021-02-09,2021-08-08,50,3.5089339,20.1410863,8.4542469,1.7608239,2021-08-13 12:57:07,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_other,day,county,2021-02-09,2022-06-27,269,1.5032889,38.4530358,18.0318265,6.0784961,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,hrr,2021-02-09,2022-06-27,264,2.7108434,41.1504425,18.2904596,6.2693802,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,msa,2021-02-09,2022-06-27,182,2.3625711,40.9060207,17.7624169,6.2768452,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,nation,2021-02-09,2022-06-27,1,9.8386754,26.1018426,19.7260919,4.2675848,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,state,2021-02-09,2022-06-27,50,6.0416717,38.4353741,19.9759984,5.0931442,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_pregnant,day,county,2021-02-09,2021-08-08,269,0.3552191,14.6540741,5.6372688,1.8499839,2021-08-13 12:54:21,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,hrr,2021-02-09,2021-08-06,264,0.3546099,16.0194175,5.5408598,1.8581863,2021-08-11 12:56:23,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,msa,2021-02-09,2021-08-07,182,0.3552191,15.2817242,5.6604232,1.8489533,2021-08-12 12:54:54,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,nation,2021-02-09,2021-08-08,1,4.768177,8.4482759,5.7052265,0.7252245,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,state,2021-02-09,2021-08-08,50,0.4761905,14.6177141,5.6006103,1.4179715,2021-08-13 12:57:07,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_religious,day,county,2021-02-09,2022-06-27,269,0.2360437,31.0896908,9.5731818,5.6135668,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,hrr,2021-02-09,2022-06-27,264,0.2145923,32.5242718,9.5878573,5.6824616,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,msa,2021-02-09,2022-06-27,182,0.2575795,33.000132,9.0745758,5.588583,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,nation,2021-02-09,2022-06-27,1,2.9005064,17.879135,11.4734824,4.4808544,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,state,2021-02-09,2022-06-27,50,0.4587282,31.0896908,11.4886602,5.1003127,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,county,2021-02-09,2022-06-27,269,32.1700956,77.7274672,54.5277961,6.6817846,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,hrr,2021-02-09,2022-06-27,264,31.7391304,77.184466,54.6944144,6.8935509,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,msa,2021-02-09,2022-06-27,182,31.3196644,77.8600854,54.208866,6.8612561,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,nation,2021-02-09,2022-06-27,1,46.2099725,61.6628626,56.8816361,4.3930445,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,state,2021-02-09,2022-06-27,50,36.222644,77.7274672,56.8734399,5.5501117,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,county,2021-02-09,2022-06-27,269,2.6923077,60.9159097,30.8502858,10.6748742,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,hrr,2021-02-09,2022-06-27,264,3.9634146,60.738255,30.479742,9.5801621,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,msa,2021-02-09,2022-06-27,182,4.9094519,60.2549363,29.5871094,9.7960234,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,nation,2021-02-09,2022-06-27,1,14.985451,44.0741505,34.973603,7.3436236,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,state,2021-02-09,2022-06-27,50,9.8511649,60.9159097,35.3889361,8.6494152,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,county,2021-02-09,2022-06-27,269,7.203921,61.8609084,33.163916,9.1076926,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,hrr,2021-02-09,2022-06-27,264,7.4257426,58.6065574,34.2231687,7.8186749,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,msa,2021-02-09,2022-06-27,182,8.4083875,56.0710642,35.301723,7.945878,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,nation,2021-02-09,2022-06-27,1,15.5350781,42.261273,29.55581,8.3428445,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,state,2021-02-09,2022-06-27,50,7.203921,50.3012048,29.9396632,8.5442628,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hh_cmnty_cli,day,county,2020-04-15,2022-06-27,1254,1.4851485,71.4236679,21.7236053,10.0597465,2022-07-01 14:59:44,20220701,1,141 -fb-survey,smoothed_hh_cmnty_cli,day,hrr,2020-04-15,2022-06-27,306,2.0833333,69.6261682,22.5243714,10.1504462,2022-07-01 14:59:59,20220701,1,141 -fb-survey,smoothed_hh_cmnty_cli,day,msa,2020-04-15,2022-06-27,381,2.291879,71.5988029,22.9118476,10.3617076,2022-07-01 15:00:14,20220701,1,141 -fb-survey,smoothed_hh_cmnty_cli,day,nation,2020-04-15,2022-06-27,1,8.9571677,46.6586363,21.5844429,7.4300114,2022-07-01 15:00:23,20220701,1,244 -fb-survey,smoothed_hh_cmnty_cli,day,state,2020-04-15,2022-06-27,52,3.0,63.6425937,22.0163667,9.5743832,2022-07-01 15:00:28,20220701,1,141 -fb-survey,smoothed_ili,day,county,2020-04-06,2022-06-27,1536,0.0,13.0003763,1.0523321,1.0539384,2022-07-01 14:59:45,20220701,1,150 -fb-survey,smoothed_ili,day,hrr,2020-04-06,2022-06-27,306,0.0,12.4443956,1.2519422,1.0877521,2022-07-01 14:59:59,20220701,1,150 -fb-survey,smoothed_ili,day,msa,2020-04-06,2022-06-27,382,0.0,12.9951589,1.1853276,1.1148771,2022-07-01 15:00:14,20220701,1,150 -fb-survey,smoothed_ili,day,nation,2020-04-06,2022-06-27,1,0.3778058,4.5067924,1.1945039,0.8030019,2022-07-01 15:00:23,20220701,1,253 -fb-survey,smoothed_ili,day,state,2020-04-06,2022-06-27,52,0.0,7.5896827,1.2279235,0.9389695,2022-07-01 15:00:28,20220701,1,150 -fb-survey,smoothed_inperson_school_fulltime,day,county,2020-11-24,2021-12-24,295,2.4768475,95.9090909,44.5197765,24.4115893,2022-02-02 20:51:33,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,hrr,2020-11-24,2021-12-22,264,2.5,96.6981132,46.6805616,23.126512,2022-02-02 20:52:47,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,msa,2020-11-24,2021-12-24,181,2.4768475,95.8277046,45.6823519,23.6294977,2022-02-02 20:53:52,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,nation,2020-11-24,2021-12-24,1,31.1474442,86.2974266,57.9919467,19.6343032,2022-02-02 20:54:38,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,state,2020-11-24,2021-12-24,50,4.6188443,95.9090909,58.5177167,22.7773491,2022-02-02 20:54:50,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,county,2021-12-19,2022-06-27,70,64.2528801,99.5454541,93.1441744,3.8302019,2022-07-01 14:59:45,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,hrr,2021-12-21,2022-06-27,89,58.7378641,99.7326203,91.7818697,5.0539044,2022-07-01 14:59:59,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,msa,2021-12-20,2022-06-27,53,58.9464332,99.6914588,92.912921,4.2150885,2022-07-01 15:00:14,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,nation,2021-12-19,2022-06-27,1,88.4834058,95.8449786,93.797397,1.8885489,2022-07-01 15:00:23,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,state,2021-12-19,2022-06-27,42,64.2528801,99.5454541,93.2461363,3.7585036,2022-07-01 15:00:28,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime,day,county,2020-11-24,2021-12-24,293,0.4471104,75.0,23.66865,12.0654216,2022-02-02 20:51:34,20220202,1,133 -fb-survey,smoothed_inperson_school_parttime,day,hrr,2020-11-24,2021-12-22,259,0.4464286,64.9390244,24.6476029,11.1406814,2022-02-02 20:52:47,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime,day,msa,2020-11-24,2021-12-23,178,0.4471104,67.5480642,23.7069805,11.3600091,2022-02-02 20:53:52,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime,day,nation,2020-11-24,2021-12-24,1,14.670418,28.0281176,21.435269,4.6015634,2022-02-02 20:54:38,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime,day,state,2020-11-24,2021-12-24,50,4.6727195,65.3645513,22.4179137,9.9737538,2022-02-02 20:54:50,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime_oldest,day,county,2021-12-19,2022-06-27,70,0.1455601,25.061993,4.3675839,2.6485041,2022-07-01 14:59:45,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,hrr,2021-12-21,2022-06-27,89,0.1968504,27.4691358,5.2424037,3.457449,2022-07-01 14:59:59,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,msa,2021-12-20,2022-06-27,53,0.2105131,30.1952249,4.4253137,2.7792599,2022-07-01 15:00:14,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,nation,2021-12-19,2022-06-27,1,2.4698405,7.3677432,3.9326243,1.2549263,2022-07-01 15:00:23,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,state,2021-12-19,2022-06-27,42,0.1455601,21.0691824,4.3116651,2.6010067,2022-07-01 15:00:28,20220701,1,14 -fb-survey,smoothed_large_event_1d,day,county,2020-09-08,2021-03-15,835,0.2747253,35.0190308,9.9150598,5.0553773,2021-03-20 11:51:20,20210320,1,92 -fb-survey,smoothed_large_event_1d,day,hrr,2020-09-08,2021-03-11,306,0.5050505,38.372093,10.6125117,4.9980909,2021-03-17 18:57:57,20210317,2,92 -fb-survey,smoothed_large_event_1d,day,msa,2020-09-08,2021-03-14,370,0.2747253,41.2128132,10.5650454,5.0873737,2021-03-19 11:51:40,20210319,1,92 -fb-survey,smoothed_large_event_1d,day,nation,2020-09-08,2021-03-18,1,5.821922,14.4078957,9.8547453,2.9501063,2021-03-23 11:53:35,20210323,2,98 -fb-survey,smoothed_large_event_1d,day,state,2020-09-08,2021-03-15,51,1.3324856,27.9500957,10.08541,4.6567058,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_large_event_indoors_1d,day,county,2021-03-02,2022-06-27,670,0.8426611,48.9674534,19.5557945,6.5286424,2022-07-01 14:59:45,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,1.2,49.5535714,20.8342057,6.3583766,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,msa,2021-03-02,2022-06-27,349,1.0457604,48.695691,20.0899501,6.3579349,2022-07-01 15:00:14,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,nation,2021-03-02,2022-06-27,1,9.2876428,28.4955233,20.3804892,4.9184689,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,state,2021-03-02,2022-06-27,51,2.1613833,42.4393107,20.8737336,6.3113389,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_nohh_cmnty_cli,day,county,2020-04-15,2022-06-27,1255,0.0873015873015873,64.9542619,17.3135055,9.2732346,2022-07-01 14:59:45,20220701,1,141 -fb-survey,smoothed_nohh_cmnty_cli,day,hrr,2020-04-15,2022-06-27,306,0.4385965,62.3015873,17.847692,9.3914735,2022-07-01 14:59:59,20220701,1,141 -fb-survey,smoothed_nohh_cmnty_cli,day,msa,2020-04-15,2022-06-27,381,0.4140571,62.6385053,18.2762835,9.6017706,2022-07-01 15:00:14,20220701,1,141 -fb-survey,smoothed_nohh_cmnty_cli,day,nation,2020-04-15,2022-06-27,1,5.9029574,40.1083297,17.0003805,6.7897742,2022-07-01 15:00:23,20220701,1,244 -fb-survey,smoothed_nohh_cmnty_cli,day,state,2020-04-15,2022-06-27,52,1.8,57.8524353,17.3921858,8.8588016,2022-07-01 15:00:28,20220701,1,141 -fb-survey,smoothed_others_distanced_public,day,county,2021-06-04,2022-06-27,360,3.3562166,57.5892857,20.6124184,6.831208,2022-07-01 14:59:45,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,hrr,2021-06-04,2022-06-27,290,3.0701754,57.2,19.9457339,6.4247535,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,msa,2021-06-04,2022-06-27,214,3.0156712,57.5892857,20.1721024,6.5892291,2022-07-01 15:00:14,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,nation,2021-06-04,2022-06-27,1,12.6425317,30.5620336,19.4177543,3.9138545,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,state,2021-06-04,2022-06-27,51,6.1373559,54.1118421,19.1732815,5.9312161,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_others_masked,day,county,2020-11-24,2021-08-08,726,0.4545455,99.5689655,76.7892852,20.3268655,2021-08-13 12:54:26,20210813,0,44 -fb-survey,smoothed_others_masked,day,hrr,2020-11-24,2021-08-08,306,0.3012048,97.8483607,70.5054701,23.0938682,2021-08-13 12:55:39,20210813,5,44 -fb-survey,smoothed_others_masked,day,msa,2020-11-24,2021-08-08,355,0.9678555,99.3561028,73.8146157,20.8637976,2021-08-13 12:56:27,20210813,5,44 -fb-survey,smoothed_others_masked,day,nation,2020-11-24,2021-08-08,1,11.3260333,83.3975338,62.0673298,26.5766067,2021-08-13 12:57:00,20210813,5,44 -fb-survey,smoothed_others_masked,day,state,2020-11-24,2021-08-08,51,0.4545455,97.3011364,65.3182332,27.4483035,2021-08-13 12:57:08,20210813,5,44 -fb-survey,smoothed_others_masked_public,day,county,2021-05-20,2022-06-27,363,0.1847656,91.411247,24.0853734,22.5073682,2022-07-01 14:59:45,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,hrr,2021-05-20,2022-06-27,289,0.1552795,91.6666667,19.7083939,20.4022362,2022-07-01 15:00:00,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,msa,2021-05-20,2022-06-27,215,0.1495027,88.8538176,20.9942671,20.7558111,2022-07-01 15:00:14,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,nation,2021-05-20,2022-06-27,1,3.3426304,55.2231769,19.5272947,10.9635458,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,state,2021-05-20,2022-06-27,51,0.2051755,86.6319444,17.6915699,18.9261281,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_public_transit_1d,day,county,2020-09-08,2022-06-27,835,0.095057,62.1767008,4.0788632,4.2801094,2022-07-01 14:59:45,20220701,1,92 -fb-survey,smoothed_public_transit_1d,day,hrr,2020-09-08,2022-06-27,306,0.1347709,49.3869732,3.9592897,3.574987,2022-07-01 15:00:00,20220701,1,92 -fb-survey,smoothed_public_transit_1d,day,msa,2020-09-08,2022-06-27,370,0.134393,22.9349191,3.5387868,2.0462001,2022-07-01 15:00:14,20220701,1,92 -fb-survey,smoothed_public_transit_1d,day,nation,2020-09-08,2022-06-27,1,2.1052249,6.8432808,4.3162926,1.3625614,2022-07-01 15:00:23,20220701,1,98 -fb-survey,smoothed_public_transit_1d,day,state,2020-09-08,2022-06-27,51,0.2777778,40.6077348,4.2994529,3.2892331,2022-07-01 15:00:28,20220701,1,92 -fb-survey,smoothed_race_treated_fairly_healthcare,day,county,2021-05-20,2022-06-27,350,45.7284817,95.754717,80.5063719,5.9788001,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,hrr,2021-05-20,2022-06-27,288,48.828125,96.7592593,80.9544846,5.5061638,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,msa,2021-05-20,2022-06-27,213,55.8864608,96.0307321,81.0345777,5.0956802,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,nation,2021-05-20,2022-06-27,1,79.5861654,82.0039327,80.7542663,0.6791153,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,state,2021-05-20,2022-06-27,51,61.328125,95.2020275,81.4277317,4.1343718,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_2_vaccine_doses,day,county,2021-01-13,2021-11-14,552,2.3198356,99.5404178,80.4469778,17.4457364,2021-11-19 13:51:23,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,hrr,2021-01-14,2021-11-14,305,2.6315789,98.7603306,78.6262274,19.1983196,2021-11-19 13:52:55,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,msa,2021-01-13,2021-11-14,314,1.4015063,99.5404178,79.7855858,18.1636474,2021-11-19 13:54:05,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,nation,2021-01-13,2021-11-14,1,18.0464866,93.7901764,76.0886178,21.9440468,2021-11-19 13:54:51,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,state,2021-01-13,2021-11-14,51,7.195572,96.8390805,76.7985081,21.4059638,2021-11-19 13:54:59,20211119,1,44 -fb-survey,smoothed_received_news_cdc,day,county,2021-05-20,2022-06-27,352,17.312376,83.8691929,50.6508482,9.2428997,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,hrr,2021-05-20,2022-06-27,289,18.7943262,79.2763158,48.1565334,8.7193388,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,msa,2021-05-20,2022-06-27,214,17.312376,80.0966962,49.9010932,8.6830128,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,nation,2021-05-20,2022-06-27,1,34.376968,62.0013045,47.7332059,6.9562962,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,state,2021-05-20,2022-06-27,51,21.3121132,80.0653595,47.8799708,8.7058391,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,county,2021-05-20,2022-06-27,352,15.4020118,76.4838488,46.0801026,9.0546172,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,hrr,2021-05-20,2022-06-27,289,10.3960396,76.0869565,43.6024718,8.6323687,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,msa,2021-05-20,2022-06-27,214,15.4020118,76.4838488,45.2427395,8.5528722,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,nation,2021-05-20,2022-06-27,1,29.6171405,52.3496564,43.040267,6.3316409,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,state,2021-05-20,2022-06-27,51,15.7130176,70.0980392,42.9188447,8.2292133,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,county,2021-05-20,2022-06-27,352,7.7432706,50.7741956,26.7384901,5.8833039,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,hrr,2021-05-20,2022-06-27,289,5.1181102,51.1904762,25.5411159,5.6777075,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,msa,2021-05-20,2022-06-27,214,7.9338375,47.7828711,26.0776042,5.6801554,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,nation,2021-05-20,2022-06-27,1,18.5287658,32.7078103,25.0839403,4.232665,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,state,2021-05-20,2022-06-27,51,8.6484698,48.8970588,24.9527965,5.1881611,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,county,2021-05-20,2022-06-27,352,11.2360077,75.9390557,42.3387361,8.5996051,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,hrr,2021-05-20,2022-06-27,289,8.7155963,72.1238938,40.1722302,8.2112814,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,msa,2021-05-20,2022-06-27,214,10.7331883,75.9390557,41.4797682,8.2858454,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,nation,2021-05-20,2022-06-27,1,26.3702126,48.9312391,39.6279308,6.2032699,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,state,2021-05-20,2022-06-27,51,16.1182262,75.6849315,39.8700826,8.2698508,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,county,2021-05-20,2022-06-27,352,18.1361571,71.5753425,40.9366511,6.6404217,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,hrr,2021-05-20,2022-06-27,289,13.8095238,66.2601626,38.8559338,6.2780698,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,msa,2021-05-20,2022-06-27,214,17.6076207,67.8437627,39.9352284,5.9403424,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,nation,2021-05-20,2022-06-27,1,29.8004842,44.8232294,38.7965116,3.379436,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,state,2021-05-20,2022-06-27,51,18.5121144,71.5753425,38.4492033,5.5845236,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,county,2021-05-20,2022-06-27,352,13.086205,51.3641074,31.4615558,5.099061,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,hrr,2021-05-20,2022-06-27,289,9.5041322,52.962963,30.9371166,5.0522055,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,msa,2021-05-20,2022-06-27,214,12.7113586,52.5606046,31.4198377,5.0660626,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,nation,2021-05-20,2022-06-27,1,25.7341349,35.5974473,30.3417511,3.5064817,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,state,2021-05-20,2022-06-27,51,16.3908796,46.9298246,30.3429556,4.4405127,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_none,day,county,2021-05-20,2022-06-27,352,2.0719957,51.741146,18.2266474,6.5932903,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_none,day,hrr,2021-05-20,2022-06-27,289,3.2934132,51.3392857,20.2708858,6.7447741,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_none,day,msa,2021-05-20,2022-06-27,214,3.4415375,50.8466214,19.0390409,6.2442693,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_none,day,nation,2021-05-20,2022-06-27,1,13.285984,31.2890969,20.5412468,5.0736556,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_none,day,state,2021-05-20,2022-06-27,51,3.3980583,51.741146,21.024077,6.7603186,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,county,2021-05-20,2022-06-27,352,0.8940556,32.5937989,14.0008319,4.2653918,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,hrr,2021-05-20,2022-06-27,289,1.4018692,34.2975207,13.6821224,4.1663945,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,msa,2021-05-20,2022-06-27,214,0.9588292,33.178543,13.8866663,4.2377682,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,nation,2021-05-20,2022-06-27,1,6.6163647,19.3050672,13.1515188,3.3615168,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,state,2021-05-20,2022-06-27,51,2.5184476,30.6034483,13.2356591,3.7841364,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,county,2021-05-20,2022-06-27,352,0.1473069,45.2891468,3.5073868,2.0707023,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,hrr,2021-05-20,2022-06-27,289,0.1272265,44.9115044,3.4576402,1.9319238,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,msa,2021-05-20,2022-06-27,214,0.1374717,44.8339205,3.5319733,2.1284912,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,nation,2021-05-20,2022-06-27,1,1.9109,4.7174082,3.1307987,0.6967878,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,state,2021-05-20,2022-06-27,51,0.1612903,30.9379587,3.2542438,1.6775432,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_restaurant_1d,day,county,2020-09-08,2021-03-15,835,0.3676141,43.0794739,16.832985,6.4682913,2021-03-20 11:51:22,20210320,1,92 -fb-survey,smoothed_restaurant_1d,day,hrr,2020-09-08,2021-03-11,306,1.6081871,38.6178862,17.1756996,6.1310185,2021-03-17 18:57:58,20210317,2,92 -fb-survey,smoothed_restaurant_1d,day,msa,2020-09-08,2021-03-14,370,1.3915847,41.8370156,17.3328964,6.3786693,2021-03-19 11:51:40,20210319,1,92 -fb-survey,smoothed_restaurant_1d,day,nation,2020-09-08,2021-03-18,1,10.4524366,22.6636252,16.8144285,4.0862523,2021-03-23 11:53:36,20210323,2,98 -fb-survey,smoothed_restaurant_1d,day,state,2020-09-08,2021-03-15,51,3.5497285,35.6485482,16.9186822,5.5279085,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_restaurant_indoors_1d,day,county,2021-03-02,2022-06-27,670,2.7331963,64.8308781,31.960638,7.7718147,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,2.6011561,67.1428571,32.8701005,7.2634747,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,msa,2021-03-02,2022-06-27,349,2.9035161,64.8308781,32.5363587,7.4270669,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,nation,2021-03-02,2022-06-27,1,17.2784122,39.501548,32.6372926,5.4919707,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,state,2021-03-02,2022-06-27,51,6.1959654,53.0953846,32.7768418,6.9573693,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_screening_tested_positive_14d,day,county,2021-03-19,2022-02-16,62,0.117647,23.1817905,2.8704683,2.4927731,2022-02-21 13:51:42,20220221,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,hrr,2021-03-19,2022-02-03,59,0.1557632,16.2280702,2.9334139,2.3583522,2022-02-08 15:20:40,20220208,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,msa,2021-03-19,2022-02-12,36,0.1706702,13.4830291,2.6089512,2.165859,2022-02-17 15:54:14,20220217,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,nation,2021-03-19,2022-02-18,1,1.033658,8.3287778,2.5091115,1.8165345,2022-02-23 13:53:51,20220223,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,state,2021-03-19,2022-02-16,41,0.117647,23.1817905,2.862409,2.4994776,2022-02-21 13:54:16,20220221,4,63 -fb-survey,smoothed_shop_1d,day,county,2020-09-08,2021-03-15,835,31.0457878,80.9303016,55.799649,5.697443,2021-03-20 11:51:22,20210320,1,92 -fb-survey,smoothed_shop_1d,day,hrr,2020-09-08,2021-03-11,306,34.1911765,80.078125,56.1945625,4.9992259,2021-03-17 18:57:58,20210317,2,92 -fb-survey,smoothed_shop_1d,day,msa,2020-09-08,2021-03-14,370,31.0457878,79.8241917,56.2465007,5.5273594,2021-03-19 11:51:41,20210319,1,92 -fb-survey,smoothed_shop_1d,day,nation,2020-09-08,2021-03-18,1,48.7589625,63.5714286,56.0491055,3.6312046,2021-03-23 11:53:36,20210323,2,98 -fb-survey,smoothed_shop_1d,day,state,2020-09-08,2021-03-15,51,38.8026714,71.0785011,55.8633728,4.390865,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_shop_indoors_1d,day,county,2021-03-02,2022-06-27,670,37.1943143,86.213313,63.5125812,5.9668137,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,37.3873874,83.8582677,64.0812804,5.3502162,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,msa,2021-03-02,2022-06-27,349,39.8970268,85.235709,63.8099815,5.6786129,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,nation,2021-03-02,2022-06-27,1,52.584436,69.1694563,63.8664099,4.1159181,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,state,2021-03-02,2022-06-27,51,39.0489914,77.3469237,64.202676,4.7537286,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_spent_time_1d,day,county,2020-09-08,2021-03-15,835,11.1333192,65.7019113,35.7243069,7.20866,2021-03-20 11:51:22,20210320,1,92 -fb-survey,smoothed_spent_time_1d,day,hrr,2020-09-08,2021-03-11,306,16.0805861,68.0147059,36.3163891,6.8526953,2021-03-17 18:57:58,20210317,2,92 -fb-survey,smoothed_spent_time_1d,day,msa,2020-09-08,2021-03-14,370,14.7522808,71.5605842,36.4135148,6.9560007,2021-03-19 11:51:41,20210319,1,92 -fb-survey,smoothed_spent_time_1d,day,nation,2020-09-08,2021-03-18,1,27.3592369,45.4855762,35.6599339,5.2053241,2021-03-23 11:53:36,20210323,2,98 -fb-survey,smoothed_spent_time_1d,day,state,2020-09-08,2021-03-15,51,20.9839357,61.1029307,36.1353946,6.4029348,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_spent_time_indoors_1d,day,county,2021-03-02,2022-06-27,670,13.6185427,68.0766531,42.5816393,6.7250815,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,13.8980263,69.4174757,43.5116699,6.3400205,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,msa,2021-03-02,2022-06-27,349,15.7098596,67.506316,43.1458971,6.3721644,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,nation,2021-03-02,2022-06-27,1,31.7669627,50.1394421,43.013888,4.2230405,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,state,2021-03-02,2022-06-27,51,19.5478723,62.0851589,44.0493843,5.8402787,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_tested_14d,day,county,2020-09-08,2022-06-27,802,0.3763116,60.1618463,13.3762443,7.1632356,2022-07-01 14:59:47,20220701,1,92 -fb-survey,smoothed_tested_14d,day,hrr,2020-09-08,2022-06-27,306,0.3759398,54.8507463,13.3679335,6.8422179,2022-07-01 15:00:01,20220701,1,92 -fb-survey,smoothed_tested_14d,day,msa,2020-09-08,2022-06-27,366,0.468327,51.7699115,13.0237435,6.7146357,2022-07-01 15:00:15,20220701,1,92 -fb-survey,smoothed_tested_14d,day,nation,2020-09-08,2022-06-27,1,6.7457229,30.8202368,13.6709261,5.6521833,2022-07-01 15:00:24,20220701,1,98 -fb-survey,smoothed_tested_14d,day,state,2020-09-08,2022-06-27,51,3.1647525,55.9561129,13.7596762,6.8894805,2022-07-01 15:00:29,20220701,1,92 -fb-survey,smoothed_tested_positive_14d,day,county,2020-09-08,2022-06-27,225,0.3179165,55.3326263,16.1408705,9.5222896,2022-07-01 14:59:47,20220701,1,92 -fb-survey,smoothed_tested_positive_14d,day,hrr,2020-09-09,2022-06-27,225,0.3289474,58.8461538,17.0765221,10.0769297,2022-07-01 15:00:01,20220701,1,91 -fb-survey,smoothed_tested_positive_14d,day,msa,2020-09-08,2022-06-27,138,0.3697014,57.088055,16.5016645,9.9953246,2022-07-01 15:00:15,20220701,1,92 -fb-survey,smoothed_tested_positive_14d,day,nation,2020-09-08,2022-06-27,1,4.5745106,33.5769515,14.4196346,6.8459732,2022-07-01 15:00:24,20220701,1,98 -fb-survey,smoothed_tested_positive_14d,day,state,2020-09-08,2022-06-27,51,0.3448276,50.4549182,15.6387244,9.0528174,2022-07-01 15:00:29,20220701,1,92 -fb-survey,smoothed_travel_outside_state_5d,day,county,2020-04-06,2021-03-15,1438,0.1278728,62.0102684,9.2267224,6.9656407,2021-03-20 11:51:23,20210320,1,247 -fb-survey,smoothed_travel_outside_state_5d,day,hrr,2020-04-06,2021-03-11,306,0.1602564,60.8490566,8.8027838,5.8373052,2021-03-17 18:57:58,20210317,1,247 -fb-survey,smoothed_travel_outside_state_5d,day,msa,2020-04-06,2021-03-14,382,0.1057638,58.3878256,8.6504808,6.4744061,2021-03-19 11:51:41,20210319,1,247 -fb-survey,smoothed_travel_outside_state_5d,day,nation,2020-04-06,2021-03-18,1,3.4962419,12.0337847,8.345124,2.2727862,2021-03-23 11:53:37,20210323,5,253 -fb-survey,smoothed_travel_outside_state_5d,day,state,2020-04-06,2021-03-15,52,0.5523732,33.68356,10.1314193,5.3121718,2021-03-20 11:52:11,20210320,5,247 -fb-survey,smoothed_travel_outside_state_7d,day,county,2021-03-02,2022-02-18,663,0.2888028,59.9099099,13.4613361,7.0376795,2022-02-23 13:51:43,20220223,1,63 -fb-survey,smoothed_travel_outside_state_7d,day,hrr,2021-03-02,2022-02-17,306,0.3267974,52.4074074,13.4212873,6.676349,2022-02-22 13:53:55,20220222,4,63 -fb-survey,smoothed_travel_outside_state_7d,day,msa,2021-03-02,2022-02-18,347,0.2888028,53.1144844,12.7939332,6.795581,2022-02-23 13:53:24,20220223,4,63 -fb-survey,smoothed_travel_outside_state_7d,day,nation,2021-03-02,2022-02-20,1,8.2461599,16.5613488,12.9164168,2.1343214,2022-02-25 13:53:26,20220225,4,63 -fb-survey,smoothed_travel_outside_state_7d,day,state,2021-03-02,2022-02-18,51,1.8213866,46.347032,15.4810928,6.3118193,2022-02-23 13:54:01,20220223,4,63 -fb-survey,smoothed_trust_covid_info_cdc,day,county,2021-05-20,2022-06-27,350,27.1256082,84.5459654,57.614259,7.5952306,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,hrr,2021-05-20,2022-06-27,288,25.462963,81.2883436,54.9767355,7.3131159,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,msa,2021-05-20,2022-06-27,214,29.7698242,79.825075,56.5924869,6.8854451,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,nation,2021-05-20,2022-06-27,1,49.3947756,59.4503216,55.1219109,2.9995216,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,state,2021-05-20,2022-06-27,51,32.3779553,81.6037736,54.8223408,6.4017258,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,county,2021-05-20,2022-06-27,349,46.2507761,90.2044342,69.5155329,6.197707,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,hrr,2021-05-20,2022-06-27,288,39.9038462,87.7952756,67.379049,5.8552502,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,msa,2021-05-20,2022-06-27,213,47.6851852,88.1973757,68.9191687,5.4751655,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,nation,2021-05-20,2022-06-27,1,65.0621494,70.6477209,67.5793704,1.3295593,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,state,2021-05-20,2022-06-27,51,46.2507761,86.9127517,67.3045155,4.7440448,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,county,2021-05-20,2022-06-27,348,33.47621,91.0104694,63.36685,8.5940192,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,hrr,2021-05-20,2022-06-27,287,27.9411765,87.1681416,59.9603122,8.4220489,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,msa,2021-05-20,2022-06-27,212,34.6926622,91.0104694,62.0394297,7.6649362,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,nation,2021-05-20,2022-06-27,1,56.7147029,63.9986564,60.2942475,2.0538771,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,state,2021-05-20,2022-06-27,51,33.47621,87.8640777,59.7360342,7.3349201,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,county,2021-05-20,2022-06-27,346,5.4369333,38.9051494,18.1730347,3.2492851,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,hrr,2021-05-20,2022-06-27,287,5.4455446,39.1089109,18.3914261,3.1059275,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,msa,2021-05-20,2022-06-27,212,6.0849708,33.7606838,17.9772443,3.0392559,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,nation,2021-05-20,2022-06-27,1,16.2863731,19.811724,18.2680896,0.8368338,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,state,2021-05-20,2022-06-27,51,7.2115385,30.9752385,18.4532261,2.1554057,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,county,2021-05-20,2022-06-27,348,12.5616662,70.6140351,35.4145167,6.9847982,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,hrr,2021-05-20,2022-06-27,288,10.5504587,61.4197531,33.2079277,6.6038561,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,msa,2021-05-20,2022-06-27,213,12.9255707,59.5366116,34.2255822,6.2320838,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,nation,2021-05-20,2022-06-27,1,30.0533624,36.817049,33.275057,1.6798429,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,state,2021-05-20,2022-06-27,51,16.4116634,70.6140351,33.0422332,5.6106437,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,county,2021-05-20,2022-06-27,345,0.9117942,30.8823529,10.0398423,3.589571,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,hrr,2021-05-20,2022-06-27,287,0.3401361,27.5700935,9.1369414,3.2422956,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,msa,2021-05-20,2022-06-27,212,0.4032307,25.7424154,9.3795789,2.8861662,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,nation,2021-05-20,2022-06-27,1,7.7449028,11.2790921,9.1526601,0.9311228,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,state,2021-05-20,2022-06-27,51,1.1426952,30.8823529,8.8816003,2.4764832,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,county,2021-05-20,2022-06-27,345,0.1278606,18.3870968,3.2940236,1.7737813,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,hrr,2021-05-20,2022-06-27,288,0.1207729,16.9871795,3.0638253,1.5928745,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,msa,2021-05-20,2022-06-27,211,0.1462759,13.1715615,3.059005,1.4350094,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,nation,2021-05-20,2022-06-27,1,2.4429154,3.4157622,2.864685,0.2056409,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,state,2021-05-20,2022-06-27,51,0.1278606,9.3137255,2.7453702,0.9634634,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,county,2021-05-20,2022-06-27,343,0.4550481,48.1382566,9.6968356,3.5750494,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,hrr,2021-05-20,2022-06-27,286,1.2195122,48.6754967,10.0372339,3.4546102,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,msa,2021-05-20,2022-06-27,210,0.48076,47.664856,9.869458,3.6585668,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,nation,2021-05-20,2022-06-27,1,9.1331293,10.7871885,9.7769491,0.3359694,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,state,2021-05-20,2022-06-27,51,1.4792899,31.6707078,9.9613873,3.0734899,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_try_vaccinate_1m,day,county,2021-06-04,2022-06-27,43,0.3623013,19.6153997,7.2753735,2.9945623,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_try_vaccinate_1m,day,hrr,2021-06-06,2022-02-24,36,2.016129,20.4347826,9.8059247,3.2850435,2022-03-01 15:36:14,20220301,4,63 -fb-survey,smoothed_try_vaccinate_1m,day,msa,2021-06-04,2022-05-25,20,2.1013754,21.6321272,10.038492,3.0406572,2022-05-30 12:53:18,20220530,4,63 -fb-survey,smoothed_try_vaccinate_1m,day,nation,2021-06-04,2022-06-27,1,2.5275853,10.6381247,6.3220146,2.4845387,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_try_vaccinate_1m,day,state,2021-06-04,2022-06-27,39,0.3623013,19.6153997,7.1912902,2.9158405,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_vaccinate_child_oldest,day,county,2021-12-19,2022-06-27,82,41.3385039,95.633186,70.3996744,9.2363304,2022-07-01 14:59:48,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,hrr,2021-12-21,2022-06-27,113,43.75,95.631068,74.16059,8.7004116,2022-07-01 15:00:02,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,msa,2021-12-20,2022-06-27,67,49.8405036,97.0886686,76.9479083,7.539286,2022-07-01 15:00:16,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,nation,2021-12-19,2022-06-27,1,67.0350504,74.0816004,69.7347097,2.0161029,2022-07-01 15:00:24,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,state,2021-12-19,2022-06-27,44,41.8831164,89.0163934,68.7140344,8.3709756,2022-07-01 15:00:29,20220701,1,14 -fb-survey,smoothed_vaccinate_children,day,county,2021-06-04,2021-12-24,170,39.5190983,98.7782987,75.1923807,9.301695,2022-02-02 20:51:42,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,hrr,2021-06-04,2021-12-23,207,36.6935484,98.8461538,73.3471734,9.404725,2022-02-02 20:52:56,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,msa,2021-06-04,2021-12-24,121,48.2794753,96.0136175,76.2864611,7.5065416,2022-02-02 20:53:58,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,nation,2021-06-04,2021-12-25,1,66.9753086,75.9890827,72.1124514,2.647172,2022-02-02 20:54:39,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,state,2021-06-04,2021-12-24,50,39.5190983,91.8604922,70.6454563,7.6878651,2022-02-02 20:54:53,20220202,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,county,2021-12-19,2022-02-18,506,0.1396784,12.6910794,3.111377,1.7723655,2022-02-23 13:51:45,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,hrr,2021-12-19,2022-02-17,304,0.1072961,11.5131579,2.6373891,1.4851032,2022-02-22 13:53:58,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,msa,2021-12-19,2022-02-18,284,0.1269965,12.6910794,2.7332675,1.5109535,2022-02-23 13:53:26,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,nation,2021-12-19,2022-02-19,1,2.5795998,4.3089431,2.8100906,0.2216507,2022-02-24 13:53:44,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,state,2021-12-19,2022-02-18,51,0.1396784,10.4316547,2.6465775,1.2100227,2022-02-23 13:54:02,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,county,2021-12-19,2022-02-18,502,0.1368611,12.8129303,3.0456248,1.7721595,2022-02-23 13:51:45,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,hrr,2021-12-19,2022-02-17,304,0.1089325,11.589404,2.5677305,1.4838745,2022-02-22 13:53:58,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,msa,2021-12-19,2022-02-18,283,0.1286283,12.8129303,2.666686,1.511144,2022-02-23 13:53:26,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,nation,2021-12-19,2022-02-19,1,2.5029074,4.2288557,2.7328465,0.2245961,2022-02-24 13:53:44,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,state,2021-12-19,2022-02-18,51,0.1420593,9.8540146,2.5639678,1.2066824,2022-02-23 13:54:03,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,county,2021-12-24,2022-06-25,8,1.4851485,16.0194175,8.1822071,2.8026049,2022-07-01 14:59:48,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,nation,2021-12-19,2022-06-27,1,4.2465753,9.8173516,7.2866241,1.2616971,2022-07-01 15:00:24,20220701,1,14 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,state,2021-12-24,2022-06-25,8,1.4851485,16.0194175,8.1822071,2.8026049,2022-07-01 15:00:29,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,county,2021-06-04,2022-02-18,552,0.062808,13.4287175,2.1500989,1.3174732,2022-02-23 13:51:45,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,hrr,2021-06-04,2022-02-17,305,0.0537634,10.4743083,1.9066729,1.0987944,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,msa,2021-06-04,2022-02-18,313,0.0909755,11.4683767,1.9859284,1.1646776,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,nation,2021-06-04,2022-02-19,1,1.4176089,3.2435481,1.939781,0.6286977,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,state,2021-06-04,2022-02-18,51,0.1318775,10.952381,1.8647124,0.9205122,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,county,2021-07-30,2022-02-18,543,0.0633004,12.7320215,2.0971215,1.3756805,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0542299,10.1190476,1.8347415,1.1587227,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,msa,2021-07-30,2022-02-18,309,0.0865529,11.4696669,1.9161748,1.2184607,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,nation,2021-07-30,2022-02-19,1,1.2711864,3.1420218,1.8975503,0.7020008,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,state,2021-07-30,2022-02-18,51,0.1210653,11.0576923,1.8160012,1.0047032,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,county,2021-08-03,2022-06-25,12,2.2321429,22.8972897,11.4405301,3.2285909,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,msa,2021-08-08,2021-09-19,1,6.2696832,12.2747693,9.2334741,1.6157444,2021-09-24 16:03:39,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,nation,2021-07-30,2022-06-27,1,6.0040363,13.2881556,10.1422733,1.9041054,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,state,2021-08-03,2022-06-25,12,2.2321429,22.8972897,11.4405301,3.2285909,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,county,2021-06-04,2022-02-18,552,0.0464253,6.03217,0.8088798,0.5474071,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,hrr,2021-06-04,2022-02-17,305,0.0314861,5.4347826,0.7263436,0.4627834,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,msa,2021-06-04,2022-02-18,313,0.0236189,5.7645526,0.7876518,0.5311917,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,nation,2021-06-04,2022-02-19,1,0.4806293,1.0551948,0.575207,0.0643749,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,state,2021-06-04,2022-02-18,51,0.045628,3.2711508,0.6220851,0.2805044,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,county,2021-07-30,2022-02-18,543,0.0443918,5.0023602,0.7659084,0.5271271,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,hrr,2021-07-30,2022-02-17,305,0.0318674,4.4,0.6778311,0.4383905,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,msa,2021-07-30,2022-02-18,309,0.0239584,5.7676831,0.7426307,0.5061725,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,nation,2021-07-30,2022-02-19,1,0.450936,1.0761589,0.5291229,0.0713311,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,state,2021-07-30,2022-02-18,51,0.0362008,3.271028,0.5758215,0.2713044,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,9.8425197,4.0487931,1.7827674,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,msa,2021-08-08,2021-09-19,1,1.25,6.3379887,3.7748459,1.3132135,2021-09-24 16:03:39,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,nation,2021-07-30,2022-06-27,1,2.0112254,4.8883375,3.5082801,0.6182296,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,9.8425197,4.0487931,1.7827674,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_document,day,county,2021-06-04,2022-02-18,552,0.0177815,4.1931456,0.4655133,0.3519165,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document,day,hrr,2021-06-04,2022-02-17,305,0.0182949,3.4653465,0.4066501,0.312961,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_document,day,msa,2021-06-04,2022-02-18,313,0.0180147,3.9129482,0.4449598,0.3468869,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document,day,nation,2021-06-04,2022-02-19,1,0.1787828,0.3303137,0.2363954,0.0348371,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_document,day,state,2021-06-04,2022-02-18,51,0.0147414,2.414211,0.285081,0.1889225,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,county,2021-07-30,2022-02-18,543,0.0180882,4.2727739,0.4318156,0.3273295,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,hrr,2021-07-30,2022-02-17,305,0.0186498,3.4653465,0.3684205,0.2899526,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,msa,2021-07-30,2022-02-18,309,0.0182883,3.4515396,0.4112562,0.3237694,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,nation,2021-07-30,2022-02-19,1,0.1275556,0.2811615,0.2004129,0.0382288,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,state,2021-07-30,2022-02-18,51,0.0130924,2.1159776,0.249725,0.1722209,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_tried,day,county,2021-08-03,2022-06-25,12,0.4237285,8.1896552,3.5495048,1.5004654,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_document_tried,day,msa,2021-08-08,2021-09-19,1,2.2021368,7.7285585,4.6808806,1.5298044,2021-09-24 16:03:40,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_document_tried,day,nation,2021-07-30,2022-06-27,1,1.873496,5.075188,3.3656449,0.6403584,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_document_tried,day,state,2021-08-03,2022-06-25,12,0.4237285,8.1896552,3.5495048,1.5004654,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,county,2021-06-04,2022-02-18,552,0.1211193,17.7021112,3.6736257,1.7814539,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,hrr,2021-06-04,2022-02-17,305,0.1046025,14.9727768,3.3599603,1.5445711,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,msa,2021-06-04,2022-02-18,313,0.1756861,14.942144,3.504034,1.64019,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,nation,2021-06-04,2022-02-19,1,2.5481086,5.0117824,3.4141133,0.6332906,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,state,2021-06-04,2022-02-18,51,0.3562697,13.1840796,3.3271981,1.3014482,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,county,2021-07-30,2022-02-18,543,0.1166935,13.6749761,3.3936171,1.6131181,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,hrr,2021-07-30,2022-02-17,305,0.1059322,11.6935484,3.0676057,1.3819735,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,msa,2021-07-30,2022-02-18,309,0.1767578,13.4759377,3.2341894,1.4889838,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,nation,2021-07-30,2022-02-19,1,2.5032651,3.8907285,3.1128203,0.3927165,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,state,2021-07-30,2022-02-18,51,0.3640518,12.9370629,3.0393409,1.1312699,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,county,2021-08-03,2022-06-25,12,1.3274348,13.5511486,5.8903816,2.077991,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,msa,2021-08-08,2021-09-19,1,2.1214883,7.0405281,4.443066,1.228396,2021-09-24 16:03:41,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,nation,2021-07-30,2022-06-27,1,3.5053929,7.8440808,5.4323858,0.864054,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,state,2021-08-03,2022-06-25,12,1.3274348,13.5511486,5.8903816,2.077991,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_language,day,county,2021-06-04,2022-02-18,552,0.0165525,3.4208317,0.4015615,0.2978817,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language,day,hrr,2021-06-04,2022-02-17,305,0.0267523,3.4653465,0.3350396,0.2661546,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_language,day,msa,2021-06-04,2022-02-18,313,0.0178489,3.2518663,0.3658227,0.2791051,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language,day,nation,2021-06-04,2022-02-19,1,0.0811688,0.2286825,0.1727262,0.0183222,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_language,day,state,2021-06-04,2022-02-18,51,0.0127324,2.7363184,0.2186897,0.1697735,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,county,2021-07-30,2022-02-18,543,0.0168341,3.4127397,0.3767225,0.2760463,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,hrr,2021-07-30,2022-02-17,305,0.0224417,2.9166667,0.3084171,0.2468612,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,msa,2021-07-30,2022-02-18,309,0.0180417,2.9169568,0.3450313,0.2635029,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,nation,2021-07-30,2022-02-19,1,0.0827815,0.1857907,0.1462027,0.0146258,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,state,2021-07-30,2022-02-18,51,0.0081221,1.8247895,0.1937749,0.1534422,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,7.075566,2.4627015,1.3472654,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_language_tried,day,msa,2021-08-08,2021-09-19,1,0.4160481,3.8694566,2.5510375,0.9931328,2021-09-24 16:03:42,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_language_tried,day,nation,2021-07-30,2022-06-27,1,0.9738079,4.0904716,2.0987447,0.4149547,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_language_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,7.075566,2.4627015,1.3472654,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,county,2021-06-04,2022-02-18,552,0.1177436,28.1439455,8.1353298,4.4480514,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,hrr,2021-06-04,2022-02-17,305,0.1259446,28.539823,7.0510041,3.9464013,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,msa,2021-06-04,2022-02-18,313,0.1984475,25.6033615,7.1715754,3.8656172,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,nation,2021-06-04,2022-02-19,1,5.3953734,10.2701001,7.621971,1.2357595,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,state,2021-06-04,2022-02-18,51,0.0924625,23.6318408,6.7089112,3.400051,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,county,2021-07-30,2022-02-18,543,0.1191465,28.3025072,7.6485405,4.2375631,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,hrr,2021-07-30,2022-02-17,305,0.127551,27.5,6.5249693,3.7109131,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,msa,2021-07-30,2022-02-18,309,0.2008389,25.9975796,6.701462,3.6835357,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,nation,2021-07-30,2022-02-19,1,5.3631069,9.0231788,7.1174115,0.9296703,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,state,2021-07-30,2022-02-18,51,0.0933254,19.6666667,6.294197,3.2460175,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,county,2021-08-03,2022-06-25,12,1.4150943,21.2871856,10.2057012,3.1831076,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,msa,2021-08-08,2021-09-19,1,6.25,12.3035891,8.9109955,1.7609742,2021-09-24 16:03:43,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,nation,2021-07-30,2022-06-27,1,5.9491371,13.9826642,9.3640767,1.5552547,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,state,2021-08-03,2022-06-25,12,1.4150943,21.2871856,10.2057012,3.1831076,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_none,day,county,2021-06-04,2022-02-18,552,58.8282566,98.7325129,84.530367,5.1953438,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none,day,hrr,2021-06-04,2022-02-17,305,63.4955752,97.7477477,85.8186505,4.6489055,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_none,day,msa,2021-06-04,2022-02-18,313,60.3936308,98.747747,85.5458646,4.6710073,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none,day,nation,2021-06-04,2022-02-19,1,81.5410587,88.2428751,85.0081331,1.8220462,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_none,day,state,2021-06-04,2022-02-18,51,65.8273381,95.4223392,85.9503477,4.1548083,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,county,2021-07-30,2022-02-18,543,60.8857562,99.1477273,85.3942611,5.0572276,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,hrr,2021-07-30,2022-02-17,305,63.2947977,98.7179487,86.7569968,4.4936931,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,msa,2021-07-30,2022-02-18,309,60.8857562,98.810139,86.4161873,4.5595826,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,nation,2021-07-30,2022-02-19,1,83.2630434,88.5379477,85.916446,1.5766376,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,state,2021-07-30,2022-02-18,51,66.0583942,96.1912404,86.7540749,4.0639949,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_tried,day,county,2021-08-03,2022-06-25,12,35.2272727,74.2718447,56.975419,7.6121494,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_none_tried,day,msa,2021-08-08,2021-09-19,1,53.1906672,73.1339313,63.4508637,5.2008736,2021-09-24 16:03:44,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_none_tried,day,nation,2021-07-30,2022-06-27,1,43.0213904,64.2998679,58.0613001,5.2297366,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_none_tried,day,state,2021-08-03,2022-06-25,12,35.2272727,74.2718447,56.975419,7.6121494,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_other,day,county,2021-12-19,2022-02-18,506,0.113229,6.6332248,1.5343217,0.7908361,2022-02-23 13:51:47,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,hrr,2021-12-19,2022-02-17,304,0.093985,5.7692308,1.4822495,0.7035251,2022-02-22 13:53:59,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,msa,2021-12-19,2022-02-18,284,0.1129266,6.6332248,1.4978817,0.7619176,2022-02-23 13:53:27,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,nation,2021-12-19,2022-02-19,1,1.019799,1.4180882,1.2811437,0.091802,2022-02-24 13:53:45,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,state,2021-12-19,2022-02-18,51,0.1138952,4.3999824,1.3818379,0.4567531,2022-02-23 13:54:03,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,county,2021-12-19,2022-02-18,502,0.0832244,6.0829961,1.3577672,0.7433794,2022-02-23 13:51:47,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,hrr,2021-12-19,2022-02-17,304,0.094162,5.1401869,1.2829025,0.6448024,2022-02-22 13:53:59,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,msa,2021-12-19,2022-02-18,283,0.1141601,6.0497982,1.3216424,0.7221621,2022-02-23 13:53:27,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,nation,2021-12-19,2022-02-19,1,0.8997688,1.2210384,1.0896656,0.0803689,2022-02-24 13:53:45,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,state,2021-12-19,2022-02-18,51,0.1149425,4.3076197,1.1872622,0.4279501,2022-02-23 13:54:03,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_tried,day,county,2021-12-24,2022-06-25,8,8.4158416,25.6521739,16.4752123,3.2781089,2022-07-01 14:59:48,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_other_tried,day,nation,2021-12-19,2022-06-27,1,12.7085378,18.8911189,16.1006736,1.3450915,2022-07-01 15:00:24,20220701,1,14 -fb-survey,smoothed_vaccine_barrier_other_tried,day,state,2021-12-24,2022-06-25,8,8.4158416,25.6521739,16.4752123,3.2781089,2022-07-01 15:00:29,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,county,2021-06-04,2022-02-18,552,0.1059158,19.2320303,3.7273753,2.0314065,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,hrr,2021-06-04,2022-02-17,305,0.129199,15.7142857,3.2891615,1.7305784,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,msa,2021-06-04,2022-02-18,313,0.104052,16.9412412,3.4334401,1.8172914,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,nation,2021-06-04,2022-02-19,1,2.6503232,4.4642857,3.4080521,0.4517087,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,state,2021-06-04,2022-02-18,51,0.1237103,14.6766169,3.2365531,1.6975934,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,county,2021-07-30,2022-02-18,543,0.1068085,17.3267327,3.534029,1.929719,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,hrr,2021-07-30,2022-02-17,305,0.1061571,13.6963696,3.0797404,1.6181882,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,msa,2021-07-30,2022-02-18,309,0.1049083,16.207434,3.2410843,1.7280056,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,nation,2021-07-30,2022-02-19,1,2.6278771,4.5529801,3.1987175,0.3109846,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,state,2021-07-30,2022-02-18,51,0.1240687,13.2550336,3.0528467,1.5988688,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,county,2021-08-03,2022-06-25,12,0.4901956,10.747757,5.1556732,1.8451675,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,msa,2021-08-08,2021-09-19,1,1.3513514,9.5000185,5.1644691,2.5012993,2021-09-24 16:03:45,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,nation,2021-07-30,2022-06-27,1,2.9626253,6.480811,4.742417,0.6951903,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,state,2021-08-03,2022-06-25,12,0.4901956,10.747757,5.1556732,1.8451675,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,county,2021-06-04,2022-02-18,552,0.0476968,9.1501407,1.2258202,0.7630981,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,hrr,2021-06-04,2022-02-17,305,0.0447628,8.1196581,1.1647299,0.6749799,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,msa,2021-06-04,2022-02-18,313,0.0385837,9.1501407,1.1815822,0.7311865,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,nation,2021-06-04,2022-02-19,1,0.8082348,1.3798701,1.0122019,0.1106287,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,state,2021-06-04,2022-02-18,51,0.0613924,4.1044776,0.9841294,0.4027737,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,county,2021-07-30,2022-02-18,543,0.0485769,8.3101139,1.1512023,0.7265102,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,hrr,2021-07-30,2022-02-17,305,0.0451264,7.3529412,1.0780204,0.6227805,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,msa,2021-07-30,2022-02-18,309,0.0389747,8.3101139,1.1062592,0.6965289,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,nation,2021-07-30,2022-02-19,1,0.7744211,1.4072848,0.9296194,0.0730248,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,state,2021-07-30,2022-02-18,51,0.0620784,4.1044776,0.9110688,0.3822937,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,county,2021-08-03,2022-06-25,12,0.3649635,11.328125,4.2182421,1.8585457,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,msa,2021-08-08,2021-09-19,1,1.3513514,6.25,3.5642741,1.2273109,2021-09-24 16:03:45,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,nation,2021-07-30,2022-06-27,1,2.2171946,5.642787,3.8423503,0.633292,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,state,2021-08-03,2022-06-25,12,0.3649635,11.328125,4.2182421,1.8585457,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_time,day,county,2021-06-04,2022-02-18,552,0.0985848,10.3590165,2.169869,1.063601,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time,day,hrr,2021-06-04,2022-02-17,305,0.0934579,9.3103448,2.0413924,0.9060851,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_time,day,msa,2021-06-04,2022-02-18,313,0.0951704,10.3590165,2.1281273,0.9975596,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time,day,nation,2021-06-04,2022-02-19,1,1.5422078,2.5841592,1.9430816,0.2661411,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_time,day,state,2021-06-04,2022-02-18,51,0.1269036,7.1428571,1.991054,0.6345719,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,county,2021-07-30,2022-02-18,543,0.099765,9.6330275,2.0909575,1.0529698,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0886525,7.7981651,1.9489423,0.8831249,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,msa,2021-07-30,2022-02-18,309,0.0960848,9.6330275,2.0353992,0.9819889,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,nation,2021-07-30,2022-02-19,1,1.4769288,2.4754896,1.8599901,0.2959485,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,state,2021-07-30,2022-02-18,51,0.2525253,7.2115385,1.9189691,0.6330516,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_tried,day,county,2021-08-03,2022-06-25,12,1.1538462,23.8505747,10.1403191,3.5508112,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_time_tried,day,msa,2021-08-08,2021-09-19,1,5.8809639,14.0932537,10.182301,2.5154864,2021-09-24 16:03:46,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_time_tried,day,nation,2021-07-30,2022-06-27,1,5.7530402,12.8120224,9.2347948,1.734813,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_time_tried,day,state,2021-08-03,2022-06-25,12,1.1538462,23.8505747,10.1403191,3.5508112,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_travel,day,county,2021-06-04,2022-02-18,552,0.0742943,10.2103446,2.0382581,1.1074931,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel,day,hrr,2021-06-04,2022-02-17,305,0.0837521,8.7155963,1.8591093,0.8906104,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_travel,day,msa,2021-06-04,2022-02-18,313,0.0660522,10.1290292,1.8914687,0.9858249,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel,day,nation,2021-06-04,2022-02-19,1,1.5663304,2.6785714,1.8085269,0.1326798,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_travel,day,state,2021-06-04,2022-02-18,51,0.101626,7.7458639,1.7982313,0.704704,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,county,2021-07-30,2022-02-18,543,0.0758727,10.3209398,1.9069193,1.0673243,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,hrr,2021-07-30,2022-02-17,305,0.0846024,7.9439252,1.7221282,0.8555906,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,msa,2021-07-30,2022-02-18,309,0.0666605,8.4821429,1.7614806,0.9465303,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,nation,2021-07-30,2022-02-19,1,1.4680826,2.5662252,1.6741199,0.118554,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,state,2021-07-30,2022-02-18,51,0.102459,7.8095393,1.6731313,0.6897784,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,county,2021-08-03,2022-06-25,12,1.2295082,18.5714286,8.7099007,2.4872125,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,msa,2021-08-08,2021-09-19,1,3.9638462,8.9102509,6.350836,1.5810758,2021-09-24 16:03:47,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,nation,2021-07-30,2022-06-27,1,5.7207207,12.8428928,8.9029412,1.1810141,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,state,2021-08-03,2022-06-25,12,1.2295082,18.5714286,8.7099007,2.4872125,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_type,day,county,2021-06-04,2022-02-18,552,0.089973,8.1956702,1.610522,0.8393325,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type,day,hrr,2021-06-04,2022-02-17,305,0.0972763,7.3076923,1.5309233,0.715867,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_type,day,msa,2021-06-04,2022-02-18,313,0.0968473,6.5927803,1.5741514,0.791608,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type,day,nation,2021-06-04,2022-02-19,1,1.1825434,1.6420401,1.3921341,0.1157517,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_type,day,state,2021-06-04,2022-02-18,51,0.0977181,5.5555556,1.4302324,0.4559309,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,county,2021-07-30,2022-02-18,543,0.0844816,8.1956702,1.4941047,0.8107602,2022-02-23 13:51:48,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,hrr,2021-07-30,2022-02-17,305,0.0656168,7.0833333,1.3981259,0.6820114,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,msa,2021-07-30,2022-02-18,309,0.0748156,6.6355468,1.4512263,0.7542395,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,nation,2021-07-30,2022-02-19,1,1.0812169,1.5205417,1.2706392,0.1295485,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,state,2021-07-30,2022-02-18,51,0.1533611,5.5147059,1.3152611,0.4553999,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_tried,day,county,2021-08-03,2022-06-25,12,1.4150943,18.8073567,9.1664236,2.8972503,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_type_tried,day,msa,2021-08-08,2021-09-19,1,4.0540541,16.8043411,10.5407313,2.9851787,2021-09-24 16:03:48,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_type_tried,day,nation,2021-07-30,2022-06-27,1,4.7511312,11.8908717,8.6288494,1.6365705,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_type_tried,day,state,2021-08-03,2022-06-25,12,1.4150943,18.8073567,9.1664236,2.8972503,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_likely_doctors,day,county,2021-02-09,2021-08-08,499,10.0877193,76.1171225,49.4473551,12.3379084,2021-08-13 12:54:49,20210813,3,36 -fb-survey,smoothed_vaccine_likely_doctors,day,hrr,2021-02-09,2021-08-06,300,10.0,72.8346457,44.8051056,12.38183,2021-08-11 12:56:41,20210811,3,36 -fb-survey,smoothed_vaccine_likely_doctors,day,msa,2021-02-09,2021-08-07,279,13.8025059,74.4208546,47.6736194,11.3222861,2021-08-12 12:55:07,20210812,3,36 -fb-survey,smoothed_vaccine_likely_doctors,day,nation,2021-02-09,2021-08-08,1,15.0137741,57.4757322,32.982267,14.3115867,2021-08-13 12:57:01,20210813,5,36 -fb-survey,smoothed_vaccine_likely_doctors,day,state,2021-02-09,2021-08-08,51,10.0877193,70.8333333,39.1449691,14.1476476,2021-08-13 12:57:13,20210813,4,36 -fb-survey,smoothed_vaccine_likely_friends,day,county,2020-12-20,2021-08-08,751,3.153156,66.526861,30.7689956,6.4005158,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,hrr,2020-12-20,2021-08-06,306,4.2056075,51.1345219,28.8506326,6.9707711,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,msa,2020-12-20,2021-08-07,361,5.9302582,66.526861,30.0973197,6.2276946,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,nation,2020-12-20,2021-08-08,1,8.1325301,35.6698352,22.5519584,8.9606623,2021-08-13 12:57:01,20210813,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,state,2020-12-20,2021-08-08,51,3.153156,43.705036,25.9574765,8.0666818,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,county,2020-12-20,2021-08-08,742,0.7853411,57.2713451,27.94411,8.4329969,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,hrr,2020-12-20,2021-08-06,306,0.2808989,51.0050251,24.3987587,9.1961155,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,msa,2020-12-20,2021-08-07,357,0.4778977,57.2713451,26.4296118,8.1222121,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,nation,2020-12-20,2021-08-08,1,4.5625588,32.6689515,17.496919,10.7038787,2021-08-13 12:57:01,20210813,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,state,2020-12-20,2021-08-08,51,0.7853411,52.7355623,21.2855925,10.5504383,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,county,2020-12-20,2021-03-16,745,26.24565,75.1120367,48.9511738,7.3016421,2021-03-21 11:51:18,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,hrr,2020-12-20,2021-03-16,306,25.2066116,72.8346457,47.83705,6.7536595,2021-03-21 11:51:38,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,msa,2020-12-20,2021-03-16,359,23.8470868,74.4208546,48.0575028,6.9318554,2021-03-21 11:51:53,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,nation,2020-12-20,2021-03-16,1,43.7109827,55.4070143,48.0588917,3.7162158,2021-03-21 11:52:03,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,state,2020-12-20,2021-03-16,51,33.2117276,69.0384615,48.1388887,5.6502356,2021-03-21 11:52:07,20210321,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,county,2020-12-20,2021-08-08,737,0.1746492,26.9911504,8.3444449,3.195418,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,hrr,2020-12-20,2021-08-06,306,0.2272727,24.7483221,7.4386285,3.2121305,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,msa,2020-12-20,2021-08-07,355,0.3346528,26.9911504,7.9565478,3.006893,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,nation,2020-12-20,2021-08-08,1,1.5060241,11.4366016,5.5693465,2.8222082,2021-08-13 12:57:02,20210813,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,state,2020-12-20,2021-08-08,51,0.1746492,17.5213675,6.3748656,3.05711,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_vaccine_likely_who,day,county,2020-12-20,2021-08-08,740,0.446429,66.3109178,33.3675918,9.3569758,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_who,day,hrr,2020-12-20,2021-08-06,306,1.1627907,55.8035714,29.2818528,10.2287551,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_who,day,msa,2020-12-20,2021-08-07,358,2.4494854,66.3109178,31.6781534,9.1187129,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_who,day,nation,2020-12-20,2021-08-08,1,6.0055866,38.0303287,21.4038496,12.2805028,2021-08-13 12:57:02,20210813,1,44 -fb-survey,smoothed_vaccine_likely_who,day,state,2020-12-20,2021-08-08,51,0.446429,53.6697248,25.7658503,11.8174175,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_waccept_covid_vaccine,day,county,2020-12-20,2021-08-08,757,5.5129622,97.870641,66.0580867,14.0404841,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_waccept_covid_vaccine,day,hrr,2020-12-20,2021-08-06,306,7.4194386,92.2765863,59.4900189,16.0280356,2021-08-11 12:56:41,20210811,2,44 -fb-survey,smoothed_waccept_covid_vaccine,day,msa,2020-12-20,2021-08-07,362,12.5714633,94.2368448,63.3494856,13.7346661,2021-08-12 12:55:07,20210812,2,44 -fb-survey,smoothed_waccept_covid_vaccine,day,nation,2020-12-20,2021-08-08,1,18.817232,72.3950775,46.6116003,20.8746104,2021-08-13 12:57:02,20210813,2,44 -fb-survey,smoothed_waccept_covid_vaccine,day,state,2020-12-20,2021-08-08,51,4.9483086,90.1603424,54.0691718,19.8609629,2021-08-13 12:57:13,20210813,2,44 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,county,2021-05-20,2022-06-25,92,1.9621445,51.8041321,15.9275517,6.3108907,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,hrr,2021-05-21,2022-06-25,168,0.7547466,49.4541847,16.2010369,6.3770804,2022-07-01 15:00:02,20220701,4,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,msa,2021-05-21,2022-06-25,95,2.249612,45.3519778,18.0377986,6.466073,2022-07-01 15:00:16,20220701,4,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,nation,2021-05-20,2022-06-25,1,10.4274394,23.3994974,15.4930607,3.2887433,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,state,2021-05-20,2022-06-25,48,1.9655254,39.2329928,14.6925324,4.9371229,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_want_info_children_education,day,county,2021-05-20,2022-06-27,356,0.292383,26.7536765,7.0127867,2.864715,2022-07-01 14:59:48,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,hrr,2021-05-20,2022-06-27,289,0.2057613,27.245509,6.3816345,2.642789,2022-07-01 15:00:02,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,msa,2021-05-20,2022-06-27,215,0.3082662,26.7536765,6.6363243,2.5761019,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,nation,2021-05-20,2022-06-27,1,4.7020262,9.2231027,6.2735628,1.1294743,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,state,2021-05-20,2022-06-27,51,0.292383,14.3312102,6.0090845,1.8519251,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,county,2021-05-20,2022-06-27,356,1.4053773,42.5223747,16.9226441,5.0390211,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,hrr,2021-05-20,2022-06-27,289,1.4851485,42.0634921,16.0125135,4.8079735,2022-07-01 15:00:02,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,msa,2021-05-20,2022-06-27,215,1.8517106,42.5223747,16.2667497,4.5954309,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,nation,2021-05-20,2022-06-27,1,10.7587226,20.7647801,15.9285186,2.4392903,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,state,2021-05-20,2022-06-27,51,3.1963884,30.7073955,15.1905065,3.8033128,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,county,2021-05-20,2022-06-27,356,9.9450938,59.2105263,30.0691266,6.369749,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,hrr,2021-05-20,2022-06-27,289,8.7155963,56.870229,28.3618946,6.0456638,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,msa,2021-05-20,2022-06-27,215,10.1626016,56.2121965,29.1274182,5.6638149,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,nation,2021-05-20,2022-06-27,1,23.8576204,35.6623138,28.330415,3.6500218,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,state,2021-05-20,2022-06-27,51,10.2893984,56.3333333,27.6558104,5.2112761,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,county,2021-05-20,2022-06-27,356,1.4388448,36.3726699,12.2492124,3.8852418,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,hrr,2021-05-20,2022-06-27,289,0.9677419,36.5546218,11.4345241,3.5491991,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,msa,2021-05-20,2022-06-27,215,1.9324695,30.9461033,11.6497749,3.2481646,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,nation,2021-05-20,2022-06-27,1,10.1910503,13.3775563,11.4582718,0.6803773,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,state,2021-05-20,2022-06-27,51,2.9337088,26.8867925,11.0159707,2.3575706,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,county,2021-05-20,2022-06-27,356,3.1746896,43.9178544,17.7406165,4.5729407,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,hrr,2021-05-20,2022-06-27,289,3.1818182,42.6470588,16.3982002,4.1182599,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,msa,2021-05-20,2022-06-27,215,2.3437507,34.2304711,16.9363154,3.6782336,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,nation,2021-05-20,2022-06-27,1,14.5375447,18.8447319,16.4466123,1.1649872,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,state,2021-05-20,2022-06-27,51,3.719248,40.2777778,15.9318057,2.9641107,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_none,day,county,2021-05-20,2022-06-27,356,20.8977189,77.9063881,53.7784648,7.7416368,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_none,day,hrr,2021-05-20,2022-06-27,289,20.0980392,81.5972222,56.0661219,7.4493639,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_none,day,msa,2021-05-20,2022-06-27,215,25.7396921,79.6946137,55.2334389,6.4329903,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_none,day,nation,2021-05-20,2022-06-27,1,50.2007346,59.4522164,55.8779639,2.549097,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_none,day,state,2021-05-20,2022-06-27,51,31.6666667,77.9063881,57.2474245,5.8577532,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,county,2021-05-20,2022-06-27,356,0.4636191,28.3006244,9.1222954,3.2174753,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,hrr,2021-05-20,2022-06-27,289,0.3289474,29.9019608,8.285564,2.8783937,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,msa,2021-05-20,2022-06-27,215,0.4172275,22.1804511,8.5723875,2.6339218,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,nation,2021-05-20,2022-06-27,1,6.6248653,9.8996121,8.1492917,1.0360479,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,state,2021-05-20,2022-06-27,51,0.8926982,27.3026316,7.8199399,2.1595986,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,county,2021-05-20,2022-06-27,356,0.1213443,13.1067961,2.6742348,1.4370989,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,hrr,2021-05-20,2022-06-27,289,0.1086957,13.0630631,2.461385,1.2964917,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,msa,2021-05-20,2022-06-27,215,0.1315421,11.1803925,2.5094123,1.2651923,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,nation,2021-05-20,2022-06-27,1,1.7041046,3.0132756,2.3084436,0.2797888,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,state,2021-05-20,2022-06-27,51,0.1213443,8.3333333,2.2100145,0.8222626,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,county,2021-05-20,2022-06-27,356,0.3482784,27.3722628,8.8619108,2.9045194,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,hrr,2021-05-20,2022-06-27,289,0.3448276,24.8717949,8.4001973,2.7081752,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,msa,2021-05-20,2022-06-27,215,0.4226636,27.3722628,8.511743,2.5832821,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,nation,2021-05-20,2022-06-27,1,7.0718471,10.181294,8.2733057,0.6946592,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,state,2021-05-20,2022-06-27,51,0.3482784,21.3375796,7.9299987,1.8871232,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_wanted_test_14d,day,county,2020-09-08,2021-08-08,742,0.1587571,27.7711854,6.750555,3.662441,2021-08-13 12:54:49,20210813,0,92 -fb-survey,smoothed_wanted_test_14d,day,hrr,2020-09-08,2021-08-08,306,0.1355014,25.9116022,6.3696797,3.4171997,2021-08-13 12:55:54,20210813,5,92 -fb-survey,smoothed_wanted_test_14d,day,msa,2020-09-08,2021-08-08,360,0.1587571,26.028836,6.509094,3.3718532,2021-08-13 12:56:39,20210813,5,92 -fb-survey,smoothed_wanted_test_14d,day,nation,2020-09-08,2021-08-08,1,1.5925926,11.4454568,5.665675,3.1281808,2021-08-13 12:57:02,20210813,5,98 -fb-survey,smoothed_wanted_test_14d,day,state,2020-09-08,2021-08-08,51,0.1960829,20.4545455,5.8825659,3.3210919,2021-08-13 12:57:13,20210813,5,92 -fb-survey,smoothed_wanxious_5d,day,county,2020-09-08,2021-03-15,749,2.3815166,46.1779215,17.9220204,3.9846759,2021-03-20 11:51:25,20210320,0,92 -fb-survey,smoothed_wanxious_5d,day,hrr,2020-09-08,2021-03-11,306,4.8688566,38.6947403,17.6545456,3.2077811,2021-03-17 18:57:59,20210317,1,92 -fb-survey,smoothed_wanxious_5d,day,msa,2020-09-08,2021-03-14,359,2.3815166,46.1779215,18.0969898,3.8223706,2021-03-19 11:51:42,20210319,1,92 -fb-survey,smoothed_wanxious_5d,day,nation,2020-09-08,2021-03-18,1,12.9816404,21.9088118,17.4219291,1.3808144,2021-03-23 11:53:38,20210323,5,98 -fb-survey,smoothed_wanxious_5d,day,state,2020-09-08,2021-03-15,51,5.8091487,34.5757152,17.8855685,2.4401673,2021-03-20 11:52:12,20210320,5,92 -fb-survey,smoothed_wanxious_7d,day,county,2021-03-02,2022-06-25,616,0.4762684,47.6759489,14.5779204,3.9993547,2022-07-01 14:59:49,20220701,1,63 -fb-survey,smoothed_wanxious_7d,day,hrr,2021-03-02,2022-06-25,306,1.4349892,40.9946915,14.7408662,3.8571784,2022-07-01 15:00:03,20220701,4,63 -fb-survey,smoothed_wanxious_7d,day,msa,2021-03-02,2022-06-25,332,2.071029,47.6759489,14.9048005,3.9717906,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wanxious_7d,day,nation,2021-03-02,2022-06-25,1,11.7847227,17.4077704,14.5648232,1.2875621,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wanxious_7d,day,state,2021-03-02,2022-06-25,51,4.3356799,28.4227721,14.8137042,2.6473626,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wappointment_not_vaccinated,day,county,2021-05-20,2022-06-25,99,0.1463001,18.3025693,3.3044627,2.0078133,2022-07-01 14:59:49,20220701,1,88 -fb-survey,smoothed_wappointment_not_vaccinated,day,hrr,2021-05-21,2022-06-25,176,0.1872659,22.6828561,3.4451905,2.282726,2022-07-01 15:00:03,20220701,4,87 -fb-survey,smoothed_wappointment_not_vaccinated,day,msa,2021-05-21,2022-06-25,99,0.2074616,19.5907273,3.8615952,2.3231991,2022-07-01 15:00:17,20220701,4,87 -fb-survey,smoothed_wappointment_not_vaccinated,day,nation,2021-05-20,2022-06-25,1,1.2390986,5.6135152,2.9497879,1.0377495,2022-07-01 15:00:24,20220701,4,88 -fb-survey,smoothed_wappointment_not_vaccinated,day,state,2021-05-20,2022-06-25,49,0.1369863,15.0843687,2.9862362,1.7158751,2022-07-01 15:00:30,20220701,4,88 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,county,2021-05-20,2022-06-25,97,2.5151232,54.816366,18.5840244,7.2142166,2022-07-01 14:59:49,20220701,1,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,hrr,2021-05-21,2022-06-25,177,1.4831004,58.2605508,18.8135095,7.1750094,2022-07-01 15:00:03,20220701,4,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,msa,2021-05-20,2022-06-25,97,2.249612,50.3403144,20.9346917,7.262716,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,nation,2021-05-20,2022-06-25,1,11.61083,27.6815081,17.9534949,4.0276606,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,state,2021-05-20,2022-06-25,49,2.4945603,44.8468572,17.0609076,5.6847889,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wbelief_children_immune,day,county,2021-05-20,2022-02-18,362,0.2258204,27.0363075,5.4398785,2.7623315,2022-02-23 13:51:51,20220223,1,110 -fb-survey,smoothed_wbelief_children_immune,day,hrr,2021-05-20,2022-02-15,291,0.1340483,24.6830424,5.5339095,2.6075082,2022-02-20 13:53:04,20220220,5,110 -fb-survey,smoothed_wbelief_children_immune,day,msa,2021-05-20,2022-02-17,216,0.1502682,21.9860443,5.314743,2.57829,2022-02-22 13:54:46,20220222,5,110 -fb-survey,smoothed_wbelief_children_immune,day,nation,2021-05-20,2022-02-19,1,3.6547655,7.1996498,5.4915637,1.1576265,2022-02-24 13:53:46,20220224,5,110 -fb-survey,smoothed_wbelief_children_immune,day,state,2021-05-20,2022-02-18,51,0.4032261,16.4415118,5.2021075,1.7849768,2022-02-23 13:54:05,20220223,5,110 -fb-survey,smoothed_wbelief_created_small_group,day,county,2021-05-20,2022-06-25,363,1.1261884,44.1350517,18.5847886,5.7457336,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_wbelief_created_small_group,day,hrr,2021-05-20,2022-06-25,291,2.1791481,49.6658764,20.7018716,5.7653306,2022-07-01 15:00:03,20220701,4,110 -fb-survey,smoothed_wbelief_created_small_group,day,msa,2021-05-20,2022-06-25,216,1.8417328,45.1094669,19.2565711,5.4551725,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wbelief_created_small_group,day,nation,2021-05-20,2022-06-25,1,18.1972295,21.6482732,20.1760762,0.7853077,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wbelief_created_small_group,day,state,2021-05-20,2022-06-25,51,2.2769289,38.9760449,20.491309,4.5290163,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,county,2021-05-20,2022-06-25,374,40.237913,97.0765258,74.7061376,8.0366755,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_wbelief_distancing_effective,day,hrr,2021-05-20,2022-06-25,293,36.7956204,95.5485549,71.5957114,8.268046,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,msa,2021-05-20,2022-06-25,218,43.2207389,95.0731512,73.2164835,7.356262,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,nation,2021-05-20,2022-06-25,1,66.953039,79.133767,72.4807735,4.0114967,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,state,2021-05-20,2022-06-25,51,40.6340136,95.6226749,70.8356149,7.2586795,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,county,2021-05-20,2022-06-25,362,2.3990926,56.0812797,25.4544232,7.6251861,2022-07-01 14:59:50,20220701,1,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,hrr,2021-05-20,2022-06-25,291,4.2666518,61.3346061,28.662491,7.6625689,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,msa,2021-05-20,2022-06-25,215,5.1261342,57.0362887,26.9256461,6.8499578,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,nation,2021-05-20,2022-06-25,1,23.6398656,31.4692546,27.7445629,2.1349639,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,state,2021-05-20,2022-06-25,51,3.6576642,57.9081183,29.0056738,6.3667853,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wbelief_masking_effective,day,county,2021-06-04,2022-06-25,375,37.9697728,98.287219,74.3519459,9.3654516,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wbelief_masking_effective,day,hrr,2021-06-04,2022-06-25,293,29.9196639,97.8090669,70.3286163,9.5773709,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wbelief_masking_effective,day,msa,2021-06-04,2022-06-25,218,36.9088983,96.4375098,72.3571951,8.3077082,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wbelief_masking_effective,day,nation,2021-06-04,2022-06-25,1,65.7299317,78.0630077,71.5702437,3.9130294,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wbelief_masking_effective,day,state,2021-06-04,2022-06-25,51,35.687196,98.287219,69.4110785,8.3052827,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,county,2021-05-20,2022-02-18,361,1.0161473,74.9410335,22.3865487,13.7643702,2022-02-23 13:51:53,20220223,1,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,hrr,2021-05-20,2022-02-15,291,1.9367613,71.7683849,23.0760939,13.7893222,2022-02-20 13:53:06,20220220,5,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,msa,2021-05-20,2022-02-17,216,1.9098675,76.3223194,22.8825941,13.8883749,2022-02-22 13:54:47,20220222,5,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,nation,2021-05-20,2022-02-19,1,9.3465558,47.777377,22.952263,12.8069513,2022-02-24 13:53:46,20220224,5,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,state,2021-05-20,2022-02-18,51,4.1180968,67.4333357,24.0527196,14.0986512,2022-02-23 13:54:06,20220223,5,110 -fb-survey,smoothed_wchild_vaccine_already,day,county,2022-03-23,2022-06-25,42,24.6726523,68.5021019,45.1060508,8.3374234,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_already,day,hrr,2022-03-23,2022-06-25,26,21.9067782,74.7167466,46.7814981,9.2558673,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_already,day,msa,2022-03-23,2022-06-25,25,26.0729731,77.6941695,50.0291749,9.0366822,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_already,day,nation,2022-03-23,2022-06-25,1,42.3794221,45.4747037,43.8430749,0.7487858,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_already,day,state,2022-03-23,2022-06-25,37,22.3108462,67.9462816,42.9592904,8.6333649,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,county,2022-03-23,2022-06-25,42,4.6220219,44.4460757,23.3273538,7.3274044,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,hrr,2022-03-23,2022-06-25,26,3.7122379,47.7287062,20.4781539,7.5841229,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,msa,2022-03-23,2022-06-25,25,2.7577468,37.1432616,17.7411121,6.6013092,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,nation,2022-03-23,2022-06-25,1,22.2495979,26.2248834,24.0851503,0.8890221,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,state,2022-03-23,2022-06-25,37,6.4655433,48.0541721,25.2026496,7.5225026,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,county,2022-03-23,2022-06-25,42,1.1150472,27.6050184,11.5570177,3.6142834,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,hrr,2022-03-23,2022-06-25,26,1.1156201,26.9228587,10.7477133,4.1744259,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,msa,2022-03-23,2022-06-25,25,0.8637941,25.4563602,9.4631768,4.201516,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,nation,2022-03-23,2022-06-25,1,10.7866208,12.5473091,11.6509302,0.3655171,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,state,2022-03-23,2022-06-25,37,2.7931306,29.8866679,12.0046102,3.6973738,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,county,2022-03-23,2022-06-25,42,2.010981,26.3320645,10.7158792,3.2616592,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,hrr,2022-03-23,2022-06-25,26,2.755208,27.7115107,12.1229521,4.109922,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,msa,2022-03-23,2022-06-25,25,2.2438034,28.1842142,13.22412,3.9555919,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,nation,2022-03-23,2022-06-25,1,9.5554655,11.8790436,10.8883813,0.4944172,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,state,2022-03-23,2022-06-25,37,2.1186163,21.1909033,10.4101784,2.9826273,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,county,2022-03-23,2022-06-25,42,2.0424379,31.4796574,9.2936985,2.6844099,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,hrr,2022-03-23,2022-06-25,26,0.691977,20.5647176,9.8696827,3.5168507,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,msa,2022-03-23,2022-06-25,25,0.4799777,29.4699392,9.5424162,3.4489601,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,nation,2022-03-23,2022-06-25,1,8.6658626,10.7875198,9.5324634,0.5198739,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,state,2022-03-23,2022-06-25,37,2.3405869,24.943663,9.4232714,2.6527993,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wcli,day,county,2020-04-06,2022-06-25,1526,0.0,12.4607029,1.0803173,1.0576451,2022-07-01 14:59:50,20220701,1,150 -fb-survey,smoothed_wcli,day,hrr,2020-04-06,2022-06-25,306,0.0,11.368826,1.3430584,1.1431207,2022-07-01 15:00:04,20220701,4,150 -fb-survey,smoothed_wcli,day,msa,2020-04-06,2022-06-25,382,0.0,12.315809,1.2456075,1.139489,2022-07-01 15:00:17,20220701,2,150 -fb-survey,smoothed_wcli,day,nation,2020-04-06,2022-06-25,1,0.4333632,4.9091597,1.3585842,0.8899842,2022-07-01 15:00:24,20220701,4,253 -fb-survey,smoothed_wcli,day,state,2020-04-06,2022-06-25,52,0.0,7.8319654,1.3995695,1.0437276,2022-07-01 15:00:30,20220701,2,150 -fb-survey,smoothed_wcovid_vaccinated,day,county,2021-01-06,2022-06-25,753,0.8910405,99.8049673,69.4271347,24.3495736,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wcovid_vaccinated,day,hrr,2021-01-06,2022-06-25,306,0.4950495,99.6638645,69.9244811,21.2110823,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated,day,msa,2021-01-06,2022-06-25,361,1.0367954,98.7773216,68.9043457,22.9999112,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated,day,nation,2021-01-06,2022-06-25,1,4.7552563,83.3454456,71.6665101,21.002113,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated,day,state,2021-01-06,2022-06-25,51,2.5016936,98.5142761,71.1711302,21.064335,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,county,2021-05-20,2022-06-25,656,53.8362965,99.8091504,85.4093833,6.5835375,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,hrr,2021-05-20,2022-06-25,306,49.7729618,99.6676402,82.7177396,6.673588,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,msa,2021-05-20,2022-06-25,346,50.9636724,99.1896772,83.910605,6.2157039,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,nation,2021-05-20,2022-06-25,1,83.6764198,86.7308785,84.6801581,0.6915938,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,state,2021-05-20,2022-06-25,51,62.1740052,99.3581501,83.6169924,5.3342872,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_friends,day,county,2021-05-20,2022-06-25,370,27.222259,96.0372155,67.4045729,10.7321318,2022-07-01 14:59:50,20220701,1,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,hrr,2021-05-20,2022-06-25,291,24.0751348,95.0844154,63.0439644,11.010072,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,msa,2021-05-20,2022-06-25,219,23.5174147,93.2097072,65.4485421,9.8214244,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,nation,2021-05-20,2022-06-25,1,59.230255,67.8662448,64.4610311,1.977963,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,state,2021-05-20,2022-06-25,51,32.7354924,92.76767,62.8851878,9.5371268,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,county,2020-12-20,2021-08-08,768,38.4084227,99.7625276,78.1681895,8.8205371,2021-08-13 12:54:53,20210813,1,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,hrr,2020-12-20,2021-08-08,306,38.7082511,99.5327103,76.9584218,8.373011,2021-08-13 12:55:57,20210813,2,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,msa,2020-12-20,2021-08-08,364,41.0484104,98.0079644,77.0638478,8.5686241,2021-08-13 12:56:41,20210813,2,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,nation,2020-12-20,2021-08-08,1,68.0666794,86.368918,80.3508095,4.722187,2021-08-13 12:57:02,20210813,2,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,state,2020-12-20,2021-08-08,51,48.0429272,97.799033,79.072896,7.0766794,2021-08-13 12:57:14,20210813,2,44 -fb-survey,smoothed_wdelayed_care_cost,day,county,2021-05-20,2022-06-25,349,7.6360414,61.5990172,32.8357643,6.2015456,2022-07-01 14:59:50,20220701,1,110 -fb-survey,smoothed_wdelayed_care_cost,day,hrr,2021-05-20,2022-06-25,288,10.7541064,60.8968859,33.1166887,5.8838919,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wdelayed_care_cost,day,msa,2021-05-20,2022-06-25,213,7.6360414,61.5990172,33.1881182,5.9725424,2022-07-01 15:00:18,20220701,4,110 -fb-survey,smoothed_wdelayed_care_cost,day,nation,2021-05-20,2022-06-25,1,32.397787,34.0779616,33.1560838,0.3549532,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wdelayed_care_cost,day,state,2021-05-20,2022-06-25,51,13.7742926,53.4486536,33.79402,4.5216393,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wdepressed_5d,day,county,2020-09-08,2021-03-15,744,1.9174148,39.8543825,13.7652938,3.6411139,2021-03-20 11:51:26,20210320,0,92 -fb-survey,smoothed_wdepressed_5d,day,hrr,2020-09-08,2021-03-11,306,2.7541212,36.7797356,13.7435342,2.9571271,2021-03-17 18:58:00,20210317,1,92 -fb-survey,smoothed_wdepressed_5d,day,msa,2020-09-08,2021-03-14,360,2.4965612,38.8902168,14.1576886,3.5036668,2021-03-19 11:51:43,20210319,1,92 -fb-survey,smoothed_wdepressed_5d,day,nation,2020-09-08,2021-03-18,1,11.8594341,15.5085087,13.4023874,0.907089,2021-03-23 11:53:39,20210323,5,98 -fb-survey,smoothed_wdepressed_5d,day,state,2020-09-08,2021-03-15,51,6.0871871,27.3584479,13.7900204,2.0112377,2021-03-20 11:52:12,20210320,5,92 -fb-survey,smoothed_wdepressed_7d,day,county,2021-03-02,2022-06-25,612,0.616306,43.9599197,12.0288927,3.7190805,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdepressed_7d,day,hrr,2021-03-02,2022-06-25,306,0.4807692,41.2780068,12.3922538,3.6372247,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wdepressed_7d,day,msa,2021-03-02,2022-06-25,331,0.4680631,42.7666862,12.4339927,3.7043859,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdepressed_7d,day,nation,2021-03-02,2022-06-25,1,10.4776671,14.1366129,12.1188847,0.8910695,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdepressed_7d,day,state,2021-03-02,2022-06-25,51,2.3550117,25.1595585,12.4805467,2.4135102,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,county,2021-02-09,2022-06-25,45,4.8069079,41.638098,21.9202099,4.6762479,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,hrr,2021-02-12,2022-06-19,31,9.9711569,44.4861606,24.7468069,5.8217915,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,msa,2021-02-11,2022-06-25,19,7.4195413,46.0042971,23.6468721,5.8843849,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,nation,2021-02-09,2022-06-25,1,17.8199425,28.8839544,21.9804576,2.3640941,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,state,2021-02-09,2022-06-25,41,4.6072304,43.2226214,22.2710091,4.9543433,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,county,2021-02-09,2022-06-25,45,6.4677091,65.2771888,33.6084413,11.9811943,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,hrr,2021-02-12,2022-06-19,31,6.3880598,63.0488653,26.670035,11.0511897,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,msa,2021-02-11,2022-06-25,19,3.4951517,61.2004784,31.4099448,11.9218944,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,nation,2021-02-09,2022-06-25,1,15.4693496,49.333232,34.2132441,11.0045891,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,state,2021-02-09,2022-06-25,41,7.1861593,67.6858431,33.5523795,12.0913472,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,county,2021-02-09,2022-06-25,45,8.757518,45.048068,23.041627,4.2782189,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,hrr,2021-02-12,2022-06-19,31,7.6811651,43.0085034,21.9911531,5.330986,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,msa,2021-02-11,2022-06-25,19,7.4701214,46.4618394,23.0991627,5.6430603,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,nation,2021-02-09,2022-06-25,1,19.7489267,28.7219516,23.4715732,2.1884121,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,state,2021-02-09,2022-06-25,41,7.9491028,46.8476055,23.3250687,4.6860318,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,county,2021-02-09,2022-06-25,45,24.4894394,61.4067069,41.6971633,4.7507984,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,hrr,2021-02-12,2022-06-19,31,26.5531661,67.4840315,44.4681033,5.8794146,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,msa,2021-02-11,2022-06-25,19,25.8539208,65.0524872,45.1182106,5.67112,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,nation,2021-02-09,2022-06-25,1,39.4646443,45.9354591,43.1617633,1.150104,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,state,2021-02-09,2022-06-25,41,22.3975978,66.4215331,43.1280253,5.1640465,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,county,2021-02-09,2022-06-25,45,17.9707159,68.0319998,41.6497756,6.1898686,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,hrr,2021-02-12,2022-06-19,31,19.4349471,69.3430387,40.6714652,7.2109532,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,msa,2021-02-11,2022-06-25,19,16.7636216,61.7023174,40.2259687,6.8004507,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,nation,2021-02-09,2022-06-25,1,37.3558444,48.7790548,43.253093,2.8849537,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,state,2021-02-09,2022-06-25,41,18.7757164,70.3317852,43.3817649,6.5220607,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,county,2021-02-09,2022-06-25,45,13.2109195,52.9541802,30.4775884,4.771153,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_other,day,hrr,2021-02-12,2022-06-19,31,12.6394689,50.0796684,27.4749004,5.9769335,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,msa,2021-02-11,2022-06-25,19,11.040314,50.0086998,28.2413138,5.6874895,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,nation,2021-02-09,2022-06-25,1,20.1605447,34.161327,29.544848,2.4247603,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,state,2021-02-09,2022-06-25,41,12.3992662,53.0852128,29.8537186,5.0127981,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,county,2021-02-09,2022-06-25,45,1.923726,54.9464813,16.0300924,6.6137832,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,hrr,2021-02-12,2022-06-19,31,5.4724325,45.5438936,21.1476736,6.93477,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,msa,2021-02-11,2022-06-25,19,2.3014576,47.8203937,22.1245488,8.1906234,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,nation,2021-02-09,2022-06-25,1,9.0930202,29.2971249,15.8323641,4.4888581,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,state,2021-02-09,2022-06-25,41,1.4653069,45.1462683,15.6996598,6.5734888,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wearing_mask,day,county,2020-09-08,2021-02-21,744,51.1794743,99.6779189,90.679758,6.0151383,2021-03-17 18:42:45,20210317,0,92 -fb-survey,smoothed_wearing_mask,day,hrr,2020-09-08,2021-02-20,306,51.4583333,99.6774194,89.1083305,6.3806653,2021-03-17 18:42:11,20210317,5,92 -fb-survey,smoothed_wearing_mask,day,msa,2020-09-08,2021-02-21,359,51.3144713,99.6775583,89.7195547,6.0889906,2021-03-17 18:43:13,20210317,5,92 -fb-survey,smoothed_wearing_mask,day,nation,2020-09-08,2021-02-22,1,86.1720121,94.0841025,90.6231562,2.9532583,2021-03-17 18:44:09,20210317,5,98 -fb-survey,smoothed_wearing_mask,day,state,2020-09-08,2021-02-21,51,55.6066818,99.5934959,89.5499112,6.2253967,2021-03-17 18:43:23,20210317,5,92 -fb-survey,smoothed_wearing_mask_7d,day,county,2021-02-09,2022-06-27,663,7.8728379,99.7584907,64.205482,22.6791456,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,hrr,2021-02-09,2022-06-27,306,6.7460317,99.795082,59.3034134,22.8455967,2022-07-01 15:00:05,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,msa,2021-02-09,2022-06-27,344,6.5201134,99.7584907,62.2082483,22.5356158,2022-07-01 15:00:18,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,nation,2021-02-09,2022-06-27,1,30.3755175,93.8240641,60.843203,19.1204448,2022-07-01 15:00:25,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,state,2021-02-09,2022-06-27,51,7.8728379,99.5762712,58.4062054,22.9032269,2022-07-01 15:00:31,20220701,1,63 -fb-survey,smoothed_wfelt_isolated_5d,day,county,2020-09-08,2021-03-15,742,3.2146097,45.7746918,19.7587182,4.2989054,2021-03-20 11:51:27,20210320,0,92 -fb-survey,smoothed_wfelt_isolated_5d,day,hrr,2020-09-08,2021-03-11,306,4.7151883,41.6290221,19.2902689,3.4436193,2021-03-17 18:58:00,20210317,1,92 -fb-survey,smoothed_wfelt_isolated_5d,day,msa,2020-09-08,2021-03-14,358,5.5195396,45.7746918,19.7872229,4.1335327,2021-03-19 11:51:43,20210319,1,92 -fb-survey,smoothed_wfelt_isolated_5d,day,nation,2020-09-08,2021-03-18,1,14.5542693,20.6762534,19.3086085,1.1223331,2021-03-23 11:53:40,20210323,5,98 -fb-survey,smoothed_wfelt_isolated_5d,day,state,2020-09-08,2021-03-15,51,10.000835,32.899683,19.6722251,2.8198029,2021-03-20 11:52:12,20210320,5,92 -fb-survey,smoothed_wfelt_isolated_7d,day,county,2021-03-02,2021-08-08,612,2.0921847,41.6130858,14.9080237,4.4760916,2021-08-13 12:54:55,20210813,1,15 -fb-survey,smoothed_wfelt_isolated_7d,day,hrr,2021-03-02,2021-08-08,306,2.0894072,36.0692146,14.2480385,3.8590188,2021-08-13 12:55:58,20210813,5,15 -fb-survey,smoothed_wfelt_isolated_7d,day,msa,2021-03-02,2021-08-08,331,1.9669919,42.6565175,14.827256,4.3100106,2021-08-13 12:56:42,20210813,5,15 -fb-survey,smoothed_wfelt_isolated_7d,day,nation,2021-03-02,2021-08-08,1,9.6084067,19.1716974,13.0566865,2.6467552,2021-08-13 12:57:02,20210813,5,15 -fb-survey,smoothed_wfelt_isolated_7d,day,state,2021-03-02,2021-08-08,51,2.9438775,29.6693207,13.6768722,3.7391537,2021-08-13 12:57:14,20210813,5,15 -fb-survey,smoothed_wflu_vaccinated_2021,day,county,2022-03-04,2022-06-25,384,25.8051747,83.1557473,54.7105354,7.9570561,2022-07-01 14:59:51,20220701,2,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,hrr,2022-03-04,2022-06-25,287,25.5610208,78.7154491,52.4789789,7.1385953,2022-07-01 15:00:05,20220701,5,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,msa,2022-03-04,2022-06-25,227,25.308152,82.4349516,53.8148398,7.5440052,2022-07-01 15:00:18,20220701,5,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,nation,2022-03-04,2022-06-25,1,51.7862157,53.3519071,52.5535139,0.4362619,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,state,2022-03-04,2022-06-25,51,36.796906,78.1347419,53.5545129,5.9461494,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_whad_covid_ever,day,county,2021-05-20,2022-06-25,661,0.3968254,63.6836227,25.6370922,10.6136795,2022-07-01 14:59:51,20220701,1,110 -fb-survey,smoothed_whad_covid_ever,day,hrr,2021-05-20,2022-06-25,306,1.877847,67.9838795,27.2432022,10.6358672,2022-07-01 15:00:05,20220701,4,110 -fb-survey,smoothed_whad_covid_ever,day,msa,2021-05-20,2022-06-25,347,1.3872896,63.6836227,26.272397,10.5537114,2022-07-01 15:00:18,20220701,4,110 -fb-survey,smoothed_whad_covid_ever,day,nation,2021-05-20,2022-06-25,1,14.4403582,43.9655763,27.0545338,9.3656193,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_whad_covid_ever,day,state,2021-05-20,2022-06-25,51,1.877847,55.6946797,27.0624538,10.6317479,2022-07-01 15:00:31,20220701,4,110 -fb-survey,smoothed_whesitancy_reason_allergic,day,county,2021-02-09,2021-08-08,269,9.4519542,48.6336454,24.4502765,4.1238527,2021-08-13 12:54:55,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,hrr,2021-02-09,2021-08-06,264,9.0052188,47.7810821,24.1547932,4.2220518,2021-08-11 12:56:46,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,msa,2021-02-09,2021-08-07,182,10.1799585,46.2835883,24.2801462,4.1645026,2021-08-12 12:55:11,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,nation,2021-02-09,2021-08-08,1,17.2139495,29.511484,24.5487878,1.8535995,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,state,2021-02-09,2021-08-08,50,10.3998722,42.6742516,24.0275552,3.2935803,2021-08-13 12:57:14,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_cost,day,county,2021-02-09,2022-06-25,269,0.2155175,18.8500985,4.4164383,2.4268497,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_cost,day,hrr,2021-02-09,2022-06-25,264,0.210084,22.5738707,4.4567295,2.6283793,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_cost,day,msa,2021-02-09,2022-06-25,182,0.2389865,30.2682761,4.5971638,2.6835099,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_cost,day,nation,2021-02-09,2022-06-25,1,2.6631177,7.3851319,3.6734228,0.9999892,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_cost,day,state,2021-02-09,2022-06-25,50,0.2155175,19.5888963,3.9081734,1.8891713,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,county,2021-02-09,2021-12-24,269,2.277526,31.8960027,12.2722454,3.0982688,2022-02-02 20:52:03,20220202,1,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,hrr,2021-02-09,2021-12-22,264,1.9030664,37.3937124,12.5038004,3.6238109,2022-02-02 20:53:14,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,msa,2021-02-09,2021-12-23,182,1.908972,39.5481442,12.3604769,3.6003761,2022-02-02 20:54:12,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,nation,2021-02-09,2021-12-25,1,9.8077692,27.0058032,12.6810788,1.2219962,2022-02-02 20:54:42,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,state,2021-02-09,2021-12-24,50,3.0114815,35.411576,12.886509,2.6689476,2022-02-02 20:55:00,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,county,2021-12-19,2022-06-25,67,7.1241707,40.0026615,19.5304937,3.4267287,2022-07-01 14:59:51,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,hrr,2021-12-20,2022-06-25,126,5.897228,42.6748953,19.7060164,4.6625072,2022-07-01 15:00:05,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,msa,2021-12-20,2022-06-25,62,7.449434,39.3582203,19.7361241,4.239746,2022-07-01 15:00:18,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,nation,2021-12-19,2022-06-25,1,18.4809393,20.770861,19.4847267,0.5453515,2022-07-01 15:00:25,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,state,2021-12-19,2022-06-25,47,6.3902943,37.7316319,19.7005006,3.5149921,2022-07-01 15:00:31,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,county,2021-02-09,2022-06-25,269,3.8733198,65.8024308,37.8863748,10.7702842,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,hrr,2021-02-09,2022-06-25,264,3.3445575,71.8676246,38.8326416,10.2987714,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,msa,2021-02-09,2022-06-25,182,9.5565973,68.8416246,36.4859949,9.9437057,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,nation,2021-02-09,2022-06-25,1,23.504747,49.1555014,42.2244957,6.8273849,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,state,2021-02-09,2022-06-25,50,12.450454,67.7544202,42.9135451,8.2286108,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,county,2021-02-09,2022-06-25,269,6.3373338,72.3097565,39.4005133,12.0524336,2022-07-01 14:59:51,20220701,1,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,hrr,2021-02-09,2022-06-25,264,6.5432548,75.041397,39.0969708,10.9974265,2022-07-01 15:00:05,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,msa,2021-02-09,2022-06-25,182,10.5496022,71.8766845,37.263145,10.5672901,2022-07-01 15:00:18,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,nation,2021-02-09,2022-06-25,1,26.3299411,54.8598449,45.6359383,8.2569509,2022-07-01 15:00:25,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,state,2021-02-09,2022-06-25,50,14.2122894,76.4828356,45.7552156,10.0603843,2022-07-01 15:00:31,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,county,2021-02-09,2021-08-08,269,2.68867,25.7398773,11.1342754,2.856906,2021-08-13 12:54:56,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,hrr,2021-02-09,2021-08-06,264,2.4427752,25.2297164,11.1467825,2.8554226,2021-08-11 12:56:47,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,msa,2021-02-09,2021-08-07,182,2.7694866,25.1692907,10.9455353,2.7274129,2021-08-12 12:55:11,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,nation,2021-02-09,2021-08-08,1,9.5538471,18.3521122,12.0427154,1.6547789,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,state,2021-02-09,2021-08-08,50,3.9640995,24.0387993,11.3925431,2.3043261,2021-08-13 12:57:15,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_ineffective,day,county,2021-02-09,2022-06-25,269,6.5269903,48.9568179,24.5260072,5.1911112,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,hrr,2021-02-09,2022-06-25,264,6.6947907,53.7090555,24.7984946,5.8600366,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,msa,2021-02-09,2022-06-25,182,7.1164823,54.484413,24.207075,5.7743426,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,nation,2021-02-09,2022-06-25,1,19.6582346,30.2768264,25.7284686,3.2087039,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,state,2021-02-09,2022-06-25,50,11.6209221,52.298582,26.1078927,4.7044414,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,county,2021-02-09,2022-06-25,269,0.4767117,54.3332284,16.5565188,10.1101,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,hrr,2021-02-09,2022-06-25,264,0.2564103,55.2657496,16.2136318,9.2827039,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,msa,2021-02-09,2022-06-25,182,0.7518824,50.675307,17.5177984,9.6695686,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,nation,2021-02-09,2022-06-25,1,7.006092,31.3399911,12.2879791,6.5081071,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,state,2021-02-09,2022-06-25,50,1.2616671,42.2415841,12.8269855,7.4064772,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,county,2021-02-09,2021-08-08,269,0.386761,21.8109183,7.9178619,2.5124111,2021-08-13 12:54:56,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,hrr,2021-02-09,2021-08-06,264,0.8121502,30.0649677,8.0934786,2.5632542,2021-08-11 12:56:47,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,msa,2021-02-09,2021-08-07,182,0.9687711,23.2912513,8.0287888,2.6217481,2021-08-12 12:55:12,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,nation,2021-02-09,2021-08-08,1,4.5181873,11.9337068,8.6093731,1.3868421,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,state,2021-02-09,2021-08-08,50,2.5668931,19.2062301,8.3460955,1.9810811,2021-08-13 12:57:15,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_other,day,county,2021-02-09,2022-06-25,269,1.4372991,42.8244651,17.6983098,6.0368779,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_other,day,hrr,2021-02-09,2022-06-25,264,2.6860797,50.8660928,17.8413979,6.3624422,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_other,day,msa,2021-02-09,2022-06-25,182,2.0627923,54.7826929,17.2250361,6.2453655,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_other,day,nation,2021-02-09,2022-06-25,1,9.9303692,24.9020614,19.1013047,3.9091196,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_other,day,state,2021-02-09,2022-06-25,50,5.8651725,46.0061502,19.556545,5.1331531,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_pregnant,day,county,2021-02-09,2021-08-08,269,0.3552191,19.4539214,5.6342949,1.9918921,2021-08-13 12:54:56,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,hrr,2021-02-09,2021-08-06,264,0.3546099,19.0082655,5.627179,2.1027593,2021-08-11 12:56:47,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,msa,2021-02-09,2021-08-07,182,0.3552191,19.4539214,5.6632815,2.0533325,2021-08-12 12:55:12,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,nation,2021-02-09,2021-08-08,1,4.6500787,9.8490779,6.0507347,0.9728403,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,state,2021-02-09,2021-08-08,50,0.4761905,19.0831092,5.8217579,1.7396931,2021-08-13 12:57:15,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_religious,day,county,2021-02-09,2022-06-25,269,0.2360437,37.2408044,9.7295569,5.6347867,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_religious,day,hrr,2021-02-09,2022-06-25,264,0.2145923,41.0601024,9.8180712,5.9566815,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_religious,day,msa,2021-02-09,2022-06-25,182,0.2575795,41.411229,9.1957266,5.6983165,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_religious,day,nation,2021-02-09,2022-06-25,1,3.2215934,17.9682824,11.6468891,4.3801209,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_religious,day,state,2021-02-09,2022-06-25,50,0.4587282,38.2845488,11.6888491,5.2139764,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,county,2021-02-09,2022-06-25,269,26.9548241,79.8831658,53.7488322,7.1368359,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,hrr,2021-02-09,2022-06-25,264,28.7712371,80.055543,53.8408628,7.5832092,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,msa,2021-02-09,2022-06-25,182,29.0385923,79.8831658,53.2930136,7.4650192,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,nation,2021-02-09,2022-06-25,1,45.4524593,61.2061394,55.7581717,4.3187869,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,state,2021-02-09,2022-06-25,50,32.8388023,79.261816,55.9877578,5.9797222,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,county,2021-02-09,2022-06-25,269,2.4146879,64.9447974,32.9521122,11.0263706,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,hrr,2021-02-09,2022-06-25,264,2.6826198,71.0861382,32.9523433,10.2676657,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,msa,2021-02-09,2022-06-25,182,4.2480872,66.4505849,31.7528147,10.285422,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,nation,2021-02-09,2022-06-25,1,17.0729857,46.6894472,37.2840133,7.5253347,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,state,2021-02-09,2022-06-25,50,9.9642288,67.7170268,38.1365857,9.0498542,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,county,2021-02-09,2022-06-25,269,6.8225926,62.5631435,34.1443483,8.8727006,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,hrr,2021-02-09,2022-06-25,264,6.0065841,62.7920337,35.3441146,7.8933413,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,msa,2021-02-09,2022-06-25,182,7.4386807,61.0454853,36.4206659,7.8766815,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,nation,2021-02-09,2022-06-25,1,17.435773,42.105386,31.373305,7.6962928,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,state,2021-02-09,2022-06-25,50,6.6577789,54.9808894,31.4730499,8.2685307,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whh_cmnty_cli,day,county,2020-04-15,2022-06-25,1158,1.3750815,73.2503244,21.9397893,10.0012829,2022-07-01 14:59:51,20220701,1,141 -fb-survey,smoothed_whh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,306,2.2171266,74.0255911,22.8036241,9.9718312,2022-07-01 15:00:05,20220701,2,141 -fb-survey,smoothed_whh_cmnty_cli,day,msa,2020-04-15,2022-06-25,380,1.8822423,73.2503244,23.1479164,10.2562135,2022-07-01 15:00:18,20220701,2,141 -fb-survey,smoothed_whh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,9.661965,47.033767,21.5156062,7.1543536,2022-07-01 15:00:25,20220701,4,244 -fb-survey,smoothed_whh_cmnty_cli,day,state,2020-04-15,2022-06-25,52,2.4860466,61.3750353,22.2999081,9.3458112,2022-07-01 15:00:31,20220701,4,141 -fb-survey,smoothed_wili,day,county,2020-04-06,2022-06-25,1526,0.0,12.7482784,1.1044539,1.075888,2022-07-01 14:59:52,20220701,1,150 -fb-survey,smoothed_wili,day,hrr,2020-04-06,2022-06-25,306,0.0,12.7454707,1.368139,1.1626017,2022-07-01 15:00:05,20220701,4,150 -fb-survey,smoothed_wili,day,msa,2020-04-06,2022-06-25,382,0.0,12.897527,1.2702849,1.1586003,2022-07-01 15:00:18,20220701,2,150 -fb-survey,smoothed_wili,day,nation,2020-04-06,2022-06-25,1,0.4424246,5.0456589,1.3858002,0.9112782,2022-07-01 15:00:25,20220701,4,253 -fb-survey,smoothed_wili,day,state,2020-04-06,2022-06-25,52,0.0,7.9691919,1.4244392,1.0646239,2022-07-01 15:00:31,20220701,2,150 -fb-survey,smoothed_winitial_dose_one_of_one,day,county,2022-03-04,2022-06-25,352,0.1789052,31.3099061,7.2474167,2.8507023,2022-07-01 14:59:52,20220701,2,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,hrr,2022-03-04,2022-06-25,272,0.1908397,31.3351139,7.4263152,2.5663561,2022-07-01 15:00:05,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,msa,2022-03-04,2022-06-25,207,0.1394524,30.4304362,7.1528107,2.685112,2022-07-01 15:00:19,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,nation,2022-03-04,2022-06-25,1,7.1101013,7.6034753,7.3572741,0.1054342,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,state,2022-03-04,2022-06-25,51,2.0895519,14.0962306,7.4065711,1.5405493,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,county,2022-03-04,2022-06-25,352,0.1760494,37.097309,6.376349,2.6140307,2022-07-01 14:59:52,20220701,2,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,hrr,2022-03-04,2022-06-25,272,0.1851852,37.2985333,6.6087396,2.503617,2022-07-01 15:00:06,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,msa,2022-03-04,2022-06-25,207,0.2047256,21.8746033,6.5161824,2.5491358,2022-07-01 15:00:19,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,nation,2022-03-04,2022-06-25,1,6.0873171,7.1435648,6.6005127,0.3242917,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,state,2022-03-04,2022-06-25,51,1.2449109,14.3650406,6.3908213,1.5469224,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,county,2022-03-04,2022-06-25,352,58.4158339,97.6887012,85.7413474,3.7676812,2022-07-01 14:59:52,20220701,2,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,hrr,2022-03-04,2022-06-25,272,56.295143,97.4969585,85.312899,3.498756,2022-07-01 15:00:06,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,msa,2022-03-04,2022-06-25,207,62.1802657,97.420166,85.6887471,3.5635137,2022-07-01 15:00:19,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,nation,2022-03-04,2022-06-25,1,84.7892928,86.3072822,85.4810374,0.3629036,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,state,2022-03-04,2022-06-25,51,78.2149548,93.5469139,85.6387775,1.9364896,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_winperson_school_fulltime,day,county,2020-11-24,2021-12-24,295,1.649099,96.5116573,44.1861575,24.522825,2022-02-02 20:52:06,20220202,1,133 -fb-survey,smoothed_winperson_school_fulltime,day,hrr,2020-11-24,2021-12-22,264,2.167588,98.0192219,46.3823847,23.2513277,2022-02-02 20:53:16,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime,day,msa,2020-11-24,2021-12-24,181,1.911819,97.7340744,45.3173837,23.6674973,2022-02-02 20:54:14,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime,day,nation,2020-11-24,2021-12-24,1,30.405697,86.0366294,57.0158636,19.9209731,2022-02-02 20:54:43,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime,day,state,2020-11-24,2021-12-24,50,3.8655163,96.6880092,58.3279855,22.7559791,2022-02-02 20:55:01,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,county,2021-12-19,2022-06-25,69,62.9940419,99.5454541,92.7122963,4.0705057,2022-07-01 14:59:52,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,hrr,2021-12-21,2022-06-25,87,55.9706126,99.7326203,91.1569006,5.3418787,2022-07-01 15:00:06,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,msa,2021-12-20,2022-06-25,53,58.2056922,99.6914588,92.2337491,4.6003458,2022-07-01 15:00:19,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,nation,2021-12-19,2022-06-25,1,87.6818181,95.6651801,93.2633088,2.0315501,2022-07-01 15:00:25,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,state,2021-12-19,2022-06-25,42,63.1649378,99.5454541,92.7526905,4.0486863,2022-07-01 15:00:31,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime,day,county,2020-11-24,2021-12-24,293,0.4471104,75.6656064,24.2313898,12.0261844,2022-02-02 20:52:06,20220202,1,133 -fb-survey,smoothed_winperson_school_parttime,day,hrr,2020-11-24,2021-12-22,259,0.4464286,66.322919,25.318842,11.1259869,2022-02-02 20:53:16,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime,day,msa,2020-11-24,2021-12-23,178,0.4471104,69.0001297,24.4376559,11.3399035,2022-02-02 20:54:14,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime,day,nation,2020-11-24,2021-12-24,1,16.1480305,28.2422396,22.2751745,4.0347658,2022-02-02 20:54:43,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime,day,state,2020-11-24,2021-12-24,50,4.2491283,65.7561501,23.2546423,9.7834603,2022-02-02 20:55:01,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime_oldest,day,county,2021-12-19,2022-06-25,69,0.1461985,24.1369907,4.7023299,2.8786615,2022-07-01 14:59:52,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,hrr,2021-12-21,2022-06-25,87,0.1976285,27.8987527,5.6972514,3.7524768,2022-07-01 15:00:06,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,msa,2021-12-20,2022-06-25,53,0.2120599,30.8578463,4.8967179,3.0774775,2022-07-01 15:00:19,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,nation,2021-12-19,2022-06-25,1,2.6388345,7.8820427,4.3530664,1.2863722,2022-07-01 15:00:25,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,state,2021-12-19,2022-06-25,42,0.1461985,22.9473676,4.7187805,2.8968913,2022-07-01 15:00:31,20220701,4,14 -fb-survey,smoothed_wlarge_event_1d,day,county,2020-09-08,2021-03-15,831,0.2747253,44.7660358,11.252197,5.6423628,2021-03-20 11:51:29,20210320,0,92 -fb-survey,smoothed_wlarge_event_1d,day,hrr,2020-09-08,2021-03-11,306,0.492228,46.2257562,12.2999093,5.5630368,2021-03-17 18:58:02,20210317,2,92 -fb-survey,smoothed_wlarge_event_1d,day,msa,2020-09-08,2021-03-14,370,0.2747253,44.7660358,12.1267754,5.6983996,2021-03-19 11:51:45,20210319,1,92 -fb-survey,smoothed_wlarge_event_1d,day,nation,2020-09-08,2021-03-18,1,6.8384933,15.8530488,11.2534813,3.0755192,2021-03-23 11:53:42,20210323,2,98 -fb-survey,smoothed_wlarge_event_1d,day,state,2020-09-08,2021-03-15,51,1.2275906,31.2557433,11.7680285,5.096913,2021-03-20 11:52:13,20210320,2,92 -fb-survey,smoothed_wlarge_event_indoors_1d,day,county,2021-03-02,2022-06-25,670,0.5781915,57.928438,21.8466829,7.3628614,2022-07-01 14:59:52,20220701,1,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,1.2339531,57.5739341,23.3337496,7.1254594,2022-07-01 15:00:06,20220701,4,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,msa,2021-03-02,2022-06-25,349,0.9356978,55.0674681,22.5222933,7.1586873,2022-07-01 15:00:19,20220701,4,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,nation,2021-03-02,2022-06-25,1,10.793925,31.3438812,22.6271031,5.253952,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,state,2021-03-02,2022-06-25,51,1.8963261,46.0268839,23.4043217,6.8020611,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wnohh_cmnty_cli,day,county,2020-04-15,2022-06-25,1158,0.2449849,67.6118995,17.2692958,9.1160853,2022-07-01 14:59:52,20220701,1,141 -fb-survey,smoothed_wnohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,306,0.4385965,67.3097288,17.8269208,9.1346179,2022-07-01 15:00:06,20220701,2,141 -fb-survey,smoothed_wnohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,380,0.4140571,64.7689845,18.2267998,9.4049519,2022-07-01 15:00:19,20220701,2,141 -fb-survey,smoothed_wnohh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,6.331558,39.6769705,16.6227899,6.421572,2022-07-01 15:00:25,20220701,4,244 -fb-survey,smoothed_wnohh_cmnty_cli,day,state,2020-04-15,2022-06-25,52,1.3205772,56.2288024,17.4001059,8.5435123,2022-07-01 15:00:31,20220701,4,141 -fb-survey,smoothed_work_outside_home_1d,day,county,2020-09-08,2021-03-15,835,7.622462,58.3337502,31.7920327,6.1464568,2021-03-20 11:51:30,20210320,1,92 -fb-survey,smoothed_work_outside_home_1d,day,hrr,2020-09-08,2021-03-11,306,12.4907885,55.1652893,32.0940955,5.5899382,2021-03-17 18:58:02,20210317,2,92 -fb-survey,smoothed_work_outside_home_1d,day,msa,2020-09-08,2021-03-14,370,7.622462,58.3337502,32.446426,6.0098032,2021-03-19 11:51:45,20210319,1,92 -fb-survey,smoothed_work_outside_home_1d,day,nation,2020-09-08,2021-03-18,1,21.6507501,35.9460336,31.3427652,3.2126867,2021-03-23 11:53:43,20210323,2,98 -fb-survey,smoothed_work_outside_home_1d,day,state,2020-09-08,2021-03-15,51,8.9662447,52.6223377,32.2708983,5.4055182,2021-03-20 11:52:13,20210320,2,92 -fb-survey,smoothed_work_outside_home_indoors_1d,day,county,2021-03-02,2022-06-27,670,9.7198634,58.617874,33.5732968,5.532449,2022-07-01 14:59:52,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,11.4492754,58.4677419,33.7955435,5.1569547,2022-07-01 15:00:06,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,msa,2021-03-02,2022-06-27,349,9.8720626,61.2426139,33.8262538,5.4456966,2022-07-01 15:00:19,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,nation,2021-03-02,2022-06-27,1,23.7957814,36.4551242,33.6054923,2.1450812,2022-07-01 15:00:25,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,state,2021-03-02,2022-06-27,51,13.3451957,52.9292878,34.5361949,4.4888592,2022-07-01 15:00:31,20220701,1,63 -fb-survey,smoothed_worried_become_ill,day,county,2020-09-08,2021-08-08,745,21.8562874,93.8829787,61.2717627,9.5898727,2021-08-13 12:55:02,20210813,0,92 -fb-survey,smoothed_worried_become_ill,day,hrr,2020-09-08,2021-08-08,306,26.635514,85.9855335,59.8519576,9.4121586,2021-08-13 12:56:02,20210813,5,92 -fb-survey,smoothed_worried_become_ill,day,msa,2020-09-08,2021-08-08,359,21.8398888,93.8829787,60.4249489,9.4460152,2021-08-13 12:56:46,20210813,5,92 -fb-survey,smoothed_worried_become_ill,day,nation,2020-09-08,2021-08-08,1,35.6958763,72.3717622,56.9028157,11.0532109,2021-08-13 12:57:02,20210813,5,98 -fb-survey,smoothed_worried_become_ill,day,state,2020-09-08,2021-08-08,51,21.8562874,81.0144928,58.0321489,10.6045383,2021-08-13 12:57:17,20210813,5,92 -fb-survey,smoothed_worried_catch_covid,day,county,2021-05-20,2022-06-27,377,13.1678783,83.8235294,48.9187704,10.4618787,2022-07-01 14:59:52,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,hrr,2021-05-20,2022-06-27,293,12.585034,82.0855615,46.2742163,10.1272357,2022-07-01 15:00:06,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,msa,2021-05-20,2022-06-27,221,14.8006912,82.1678322,47.433019,9.8045433,2022-07-01 15:00:19,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,nation,2021-05-20,2022-06-27,1,32.7879719,59.1381691,46.1695619,6.9006121,2022-07-01 15:00:25,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,state,2021-05-20,2022-06-27,51,13.1678783,76.1682243,44.5452652,9.4025344,2022-07-01 15:00:31,20220701,1,110 -fb-survey,smoothed_worried_finances,day,county,2020-09-08,2022-06-27,755,11.0052026,82.6732673,39.1531293,7.8953853,2022-07-01 14:59:53,20220701,1,92 -fb-survey,smoothed_worried_finances,day,hrr,2020-09-08,2022-06-27,306,15.1408451,76.618705,39.0279071,7.3314365,2022-07-01 15:00:06,20220701,1,92 -fb-survey,smoothed_worried_finances,day,msa,2020-09-08,2022-06-27,360,14.3584953,82.6732673,39.2171114,7.663917,2022-07-01 15:00:19,20220701,1,92 -fb-survey,smoothed_worried_finances,day,nation,2020-09-08,2022-06-27,1,32.7583261,49.7202012,38.4454227,4.1104441,2022-07-01 15:00:25,20220701,1,98 -fb-survey,smoothed_worried_finances,day,state,2020-09-08,2022-06-27,51,20.6790123,58.4336003,37.980683,5.5495025,2022-07-01 15:00:32,20220701,1,92 -fb-survey,smoothed_worried_vaccine_side_effects,day,county,2021-01-13,2022-06-27,724,14.7232379,88.2235985,53.9216438,15.917221,2022-07-01 14:59:53,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,hrr,2021-01-13,2022-06-27,306,21.679198,88.2113821,61.4861725,14.6393302,2022-07-01 15:00:06,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,msa,2021-01-13,2022-06-27,359,17.065884,87.1809489,56.2371783,15.6697149,2022-07-01 15:00:19,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,nation,2021-01-13,2022-06-27,1,37.2208052,74.686969,67.9060097,10.3589595,2022-07-01 15:00:25,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,state,2021-01-13,2022-06-27,51,24.025974,86.5484308,66.939403,11.640358,2022-07-01 15:00:32,20220701,1,63 -fb-survey,smoothed_wothers_distanced_public,day,county,2021-06-04,2022-06-25,360,2.8900442,57.1384989,19.5881646,6.833952,2022-07-01 14:59:53,20220701,1,63 -fb-survey,smoothed_wothers_distanced_public,day,hrr,2021-06-04,2022-06-25,290,2.8735545,55.9770673,18.7926198,6.4440911,2022-07-01 15:00:06,20220701,4,63 -fb-survey,smoothed_wothers_distanced_public,day,msa,2021-06-04,2022-06-25,214,2.6704421,56.056802,19.0669081,6.5754008,2022-07-01 15:00:19,20220701,4,63 -fb-survey,smoothed_wothers_distanced_public,day,nation,2021-06-04,2022-06-25,1,12.1122322,29.4177794,18.6006568,3.8454173,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wothers_distanced_public,day,state,2021-06-04,2022-06-25,51,4.1515193,53.4279084,18.0471995,5.8320159,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wothers_masked,day,county,2020-11-24,2021-08-08,726,0.4545455,99.5689655,75.0626799,20.460701,2021-08-13 12:55:03,20210813,0,44 -fb-survey,smoothed_wothers_masked,day,hrr,2020-11-24,2021-08-08,306,0.3012048,97.9872631,68.687151,23.039915,2021-08-13 12:56:03,20210813,5,44 -fb-survey,smoothed_wothers_masked,day,msa,2020-11-24,2021-08-08,355,0.7093424,99.4381474,71.9296622,20.9615251,2021-08-13 12:56:46,20210813,5,44 -fb-survey,smoothed_wothers_masked,day,nation,2020-11-24,2021-08-08,1,12.1221968,81.8798592,61.4684197,25.4253023,2021-08-13 12:57:03,20210813,5,44 -fb-survey,smoothed_wothers_masked,day,state,2020-11-24,2021-08-08,51,0.4545455,97.5155904,63.8378853,27.0748247,2021-08-13 12:57:17,20210813,5,44 -fb-survey,smoothed_wothers_masked_public,day,county,2021-05-20,2022-06-25,361,0.1850946,91.361127,23.3561117,21.8086104,2022-07-01 14:59:53,20220701,1,63 -fb-survey,smoothed_wothers_masked_public,day,hrr,2021-05-20,2022-06-25,289,0.1557632,91.5325142,19.1478965,19.7661479,2022-07-01 15:00:07,20220701,4,63 -fb-survey,smoothed_wothers_masked_public,day,msa,2021-05-20,2022-06-25,215,0.1508559,89.2016655,20.3891376,20.1005663,2022-07-01 15:00:19,20220701,4,63 -fb-survey,smoothed_wothers_masked_public,day,nation,2021-05-20,2022-06-25,1,3.8785358,54.052581,20.4011157,10.9031212,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wothers_masked_public,day,state,2021-05-20,2022-06-25,51,0.2053294,88.2777682,17.185773,18.2390896,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wpublic_transit_1d,day,county,2020-09-08,2022-06-25,831,0.095057,67.611347,5.1043834,4.9251387,2022-07-01 14:59:53,20220701,0,92 -fb-survey,smoothed_wpublic_transit_1d,day,hrr,2020-09-08,2022-06-25,306,0.1184834,53.9211951,5.0337428,4.1298865,2022-07-01 15:00:07,20220701,2,92 -fb-survey,smoothed_wpublic_transit_1d,day,msa,2020-09-08,2022-06-25,370,0.1459525,31.7723756,4.5544746,2.8115349,2022-07-01 15:00:19,20220701,1,92 -fb-survey,smoothed_wpublic_transit_1d,day,nation,2020-09-08,2022-06-25,1,2.8579001,9.0405839,5.749723,1.7722659,2022-07-01 15:00:25,20220701,2,98 -fb-survey,smoothed_wpublic_transit_1d,day,state,2020-09-08,2022-06-25,51,0.3816794,41.2234339,5.4374429,3.6889787,2022-07-01 15:00:32,20220701,2,92 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,county,2021-05-20,2022-06-25,350,44.6845856,96.0016421,78.8774113,6.5378876,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,hrr,2021-05-20,2022-06-25,288,43.6431494,97.3523875,79.2426393,6.1193318,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,msa,2021-05-20,2022-06-25,213,47.3813681,95.8289087,79.3294516,5.838266,2022-07-01 15:00:19,20220701,4,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,nation,2021-05-20,2022-06-25,1,76.8679215,79.9628531,78.4509898,0.76656,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,state,2021-05-20,2022-06-25,51,61.1275035,95.4994895,79.8366639,4.5101922,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,county,2021-01-13,2021-11-14,630,3.8131931,99.5369216,79.2411098,17.2327187,2021-11-19 13:52:09,20211119,1,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,hrr,2021-01-14,2021-11-14,306,2.0951814,98.9134502,77.4185683,18.7860551,2021-11-19 13:53:31,20211119,1,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,msa,2021-01-13,2021-11-14,340,1.4166938,99.5369216,78.5278065,17.8464881,2021-11-19 13:54:31,20211119,1,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,nation,2021-01-13,2021-11-14,1,17.9638906,92.6246564,74.9749207,21.4558546,2021-11-19 13:54:53,20211119,2,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,state,2021-01-13,2021-11-14,51,7.3361742,96.3267615,75.7929487,20.8389331,2021-11-19 13:55:09,20211119,2,44 -fb-survey,smoothed_wreceived_news_cdc,day,county,2021-05-20,2022-06-25,352,17.6982297,83.8165171,48.8631499,9.4779412,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_cdc,day,hrr,2021-05-20,2022-06-25,289,14.7472214,80.5507318,46.2922779,8.9608849,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_cdc,day,msa,2021-05-20,2022-06-25,214,15.8576243,82.2980262,48.1183396,8.9809266,2022-07-01 15:00:19,20220701,4,110 -fb-survey,smoothed_wreceived_news_cdc,day,nation,2021-05-20,2022-06-25,1,32.8582126,60.4220058,45.7738202,6.8089877,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_cdc,day,state,2021-05-20,2022-06-25,51,15.9928367,83.8165171,46.2307869,8.7394511,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,county,2021-05-20,2022-06-25,352,11.1703233,78.9730945,43.7945872,9.0506236,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_experts,day,hrr,2021-05-20,2022-06-25,289,9.3577232,76.1572109,41.3296344,8.5723507,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,msa,2021-05-20,2022-06-25,214,11.1673875,78.9730945,42.9780296,8.6011096,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,nation,2021-05-20,2022-06-25,1,27.860551,49.5411113,40.6500338,6.0189305,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,state,2021-05-20,2022-06-25,51,11.1653242,70.235323,40.9062967,7.9979597,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,county,2021-05-20,2022-06-25,352,5.9319002,57.977632,27.5230318,6.4042328,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_friends,day,hrr,2021-05-20,2022-06-25,289,3.8677926,55.193025,26.3188863,6.2139479,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,msa,2021-05-20,2022-06-25,214,5.9319002,58.3752259,26.8992003,6.2388892,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,nation,2021-05-20,2022-06-25,1,19.0667245,33.3690075,26.0131712,4.138227,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,state,2021-05-20,2022-06-25,51,5.0567359,47.8245817,25.7523881,5.3946691,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,county,2021-05-20,2022-06-25,352,11.8352822,77.1002341,40.7308989,8.6602436,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_govt_health,day,hrr,2021-05-20,2022-06-25,289,6.4487776,73.3101542,38.5313168,8.2891859,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,msa,2021-05-20,2022-06-25,214,10.7882693,74.5539272,39.8638834,8.3605377,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,nation,2021-05-20,2022-06-25,1,25.5443976,46.9760298,38.0366029,5.9558135,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,state,2021-05-20,2022-06-25,51,14.0299409,77.1002341,38.3705877,8.1019791,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,county,2021-05-20,2022-06-25,352,11.8921201,69.7047642,38.8774725,7.0371838,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_journalists,day,hrr,2021-05-20,2022-06-25,289,10.9523769,67.9223619,36.6817992,6.6670469,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,msa,2021-05-20,2022-06-25,214,13.8407425,69.2789127,37.7808221,6.3860915,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,nation,2021-05-20,2022-06-25,1,28.2320293,42.4404932,36.6836078,3.4524327,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,state,2021-05-20,2022-06-25,51,11.2675883,69.5996362,36.4473536,5.8332799,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,county,2021-05-20,2022-06-25,352,10.9884566,55.8417301,30.4520939,5.5030396,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_local_health,day,hrr,2021-05-20,2022-06-25,289,11.0805663,53.7454165,29.8998426,5.4414781,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,msa,2021-05-20,2022-06-25,214,11.1334005,55.8417301,30.3957424,5.4876069,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,nation,2021-05-20,2022-06-25,1,24.2675771,34.1841309,29.2294132,3.3265939,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,state,2021-05-20,2022-06-25,51,11.8629489,50.2784511,29.3536376,4.5798127,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,county,2021-05-20,2022-06-25,352,1.9753753,55.6071062,20.5993203,7.4899409,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_none,day,hrr,2021-05-20,2022-06-25,289,3.4408587,58.7502736,22.986963,7.7705772,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,msa,2021-05-20,2022-06-25,214,3.1016384,57.3985286,21.5977555,7.2342538,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,nation,2021-05-20,2022-06-25,1,15.3425458,34.5811819,23.1038863,5.5911218,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,state,2021-05-20,2022-06-25,51,3.176003,54.6733339,23.6888443,7.5180353,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,county,2021-05-20,2022-06-25,352,0.4283319,39.1213459,14.4486354,4.68754,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_politicians,day,hrr,2021-05-20,2022-06-25,289,1.0902773,39.5985444,14.2400432,4.5942545,2022-07-01 15:00:08,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,msa,2021-05-20,2022-06-25,214,0.8183415,39.2176323,14.4167716,4.6893103,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,nation,2021-05-20,2022-06-25,1,7.3567311,19.6198389,13.6339018,3.1792605,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,state,2021-05-20,2022-06-25,51,2.4340857,32.1779574,13.8609252,3.8910602,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,county,2021-05-20,2022-06-25,352,0.1495093,46.6960292,3.6214424,2.2787881,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_religious,day,hrr,2021-05-20,2022-06-25,289,0.1285347,45.6570439,3.5977917,2.164357,2022-07-01 15:00:08,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,msa,2021-05-20,2022-06-25,214,0.1390004,46.6396929,3.6530628,2.3626174,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,nation,2021-05-20,2022-06-25,1,2.1464939,4.6468375,3.301974,0.6292751,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,state,2021-05-20,2022-06-25,51,0.1639344,29.4330739,3.4178676,1.7499296,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,county,2022-03-23,2022-06-25,37,0.0762777,8.4963037,2.0753331,1.2633712,2022-07-01 14:59:54,20220701,4,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,hrr,2022-03-23,2022-06-25,16,0.2096436,9.1312582,2.0724057,1.4747549,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,msa,2022-03-23,2022-06-25,17,0.1142924,11.2616143,2.0758455,1.410957,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,nation,2022-03-23,2022-06-25,1,1.5351946,2.2057331,1.8608761,0.1569164,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,state,2022-03-23,2022-06-25,33,0.0762777,8.4637057,2.0902506,1.3271233,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wrestaurant_1d,day,county,2020-09-08,2021-03-15,831,0.3676141,51.3360589,18.4272936,7.1243256,2021-03-20 11:51:32,20210320,0,92 -fb-survey,smoothed_wrestaurant_1d,day,hrr,2020-09-08,2021-03-11,306,1.7963261,47.792486,19.0718539,6.7528436,2021-03-17 18:58:03,20210317,2,92 -fb-survey,smoothed_wrestaurant_1d,day,msa,2020-09-08,2021-03-14,370,0.9146587,51.3360589,19.1210426,7.0417623,2021-03-19 11:51:46,20210319,1,92 -fb-survey,smoothed_wrestaurant_1d,day,nation,2020-09-08,2021-03-18,1,11.6262816,24.3015248,18.4168837,4.2622077,2021-03-23 11:53:44,20210323,2,98 -fb-survey,smoothed_wrestaurant_1d,day,state,2020-09-08,2021-03-15,51,4.3001112,40.9228708,18.8972272,6.0253929,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wrestaurant_indoors_1d,day,county,2021-03-02,2022-06-25,670,2.2934214,70.3352431,34.3855799,8.476808,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,2.0884499,70.140707,35.4909844,7.8969828,2022-07-01 15:00:08,20220701,4,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,msa,2021-03-02,2022-06-25,349,2.2934214,68.5840887,35.1046636,8.1037033,2022-07-01 15:00:20,20220701,4,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,nation,2021-03-02,2022-06-25,1,18.9970264,42.5261079,35.0052398,5.7553606,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,state,2021-03-02,2022-06-25,51,6.4579548,57.0937739,35.4714159,7.3434655,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,county,2022-03-23,2022-06-25,29,3.0557482,36.2476824,19.9541369,4.9516172,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,hrr,2022-03-23,2022-06-25,6,7.9802626,42.8863361,20.2254142,6.1889431,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,msa,2022-03-23,2022-06-25,12,5.9902866,43.8837817,23.0843605,6.5553618,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,nation,2022-03-23,2022-06-25,1,17.0467258,22.8115644,18.8326134,1.2312283,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,state,2022-03-23,2022-06-25,27,2.9053012,37.0077473,19.178317,4.8006323,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,county,2022-03-23,2022-06-25,29,11.1867709,61.8993147,36.7345179,9.2806915,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,hrr,2022-03-23,2022-06-25,6,11.0761971,50.1518626,29.281419,9.185019,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,msa,2022-03-23,2022-06-25,12,7.9966395,54.8112662,27.514771,8.1921072,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,nation,2022-03-23,2022-06-25,1,33.2726652,40.479036,37.8203111,1.4957627,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,state,2022-03-23,2022-06-25,27,13.437192,63.7519141,38.3235224,9.1396805,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,county,2022-03-23,2022-06-25,29,0.2735616,12.6314113,3.6008307,1.7063198,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,hrr,2022-03-23,2022-06-25,6,0.4237288,14.1479965,5.3021103,2.7341949,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,msa,2022-03-23,2022-06-25,12,0.4150869,11.8809397,4.0443032,2.1586909,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,nation,2022-03-23,2022-06-25,1,2.6523982,4.0135495,3.3805788,0.2923063,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,state,2022-03-23,2022-06-25,27,0.3267974,12.1086957,3.5080006,1.6328115,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,county,2022-03-23,2022-06-25,29,2.7109537,50.2444827,14.9025578,6.7261158,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,hrr,2022-03-23,2022-06-25,6,7.9062073,49.6911843,23.0971014,9.4944759,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,msa,2022-03-23,2022-06-25,12,6.9498013,46.5284656,22.0942652,8.5900262,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,nation,2022-03-23,2022-06-25,1,14.0967887,21.0978669,15.967478,1.2743591,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,state,2022-03-23,2022-06-25,27,2.5580279,37.4672423,14.1538584,5.4456556,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,county,2022-03-23,2022-06-25,29,1.228782,38.2939901,13.1621427,5.8027046,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,hrr,2022-03-23,2022-06-25,6,5.1511558,38.1739966,19.0566856,7.2089264,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,msa,2022-03-23,2022-06-25,12,4.4223221,39.6244108,19.3188187,7.4262661,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,nation,2022-03-23,2022-06-25,1,11.4276249,19.8289807,14.0256832,1.5397895,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,state,2022-03-23,2022-06-25,27,1.3843993,32.1496148,12.6574352,5.0061394,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,county,2022-03-23,2022-06-25,29,10.4578801,39.1301004,21.0105746,4.5784687,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,hrr,2022-03-23,2022-06-25,6,11.2655108,39.2283632,24.4545959,6.0673884,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,msa,2022-03-23,2022-06-25,12,12.4687243,42.9938223,24.419085,5.5618539,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,nation,2022-03-23,2022-06-25,1,18.3950047,23.6094333,20.5440867,1.1779469,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,state,2022-03-23,2022-06-25,27,9.5155687,35.3097486,20.3540025,4.3407556,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,county,2022-03-23,2022-06-25,29,0.3496503,18.7391316,6.5175328,2.9681061,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,hrr,2022-03-23,2022-06-25,6,0.3968254,18.4611355,8.6334126,3.6225415,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,msa,2022-03-23,2022-06-25,12,0.4672897,18.7159686,7.731947,3.4332047,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,nation,2022-03-23,2022-06-25,1,5.8476423,8.5740363,6.9687148,0.6117469,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,state,2022-03-23,2022-06-25,27,0.3496503,17.3998852,6.4339628,2.8856922,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,county,2022-03-23,2022-06-25,29,3.2512155,37.2665279,14.1005203,4.8357845,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,hrr,2022-03-23,2022-06-25,6,6.5572472,37.1386858,19.0536982,7.6494873,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,msa,2022-03-23,2022-06-25,12,4.8470003,33.3515741,17.8680872,5.5600066,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,nation,2022-03-23,2022-06-25,1,12.8092676,16.1207283,14.073123,0.581377,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,state,2022-03-23,2022-06-25,27,2.7491579,26.1327559,13.3922934,3.9544068,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,county,2022-03-23,2022-06-25,29,2.4780953,47.0116745,14.8058885,8.0032941,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,hrr,2022-03-23,2022-06-25,6,6.1613255,46.8444885,24.4020283,11.4283726,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,msa,2022-03-23,2022-06-25,12,3.0939421,45.0511922,22.6819785,8.9627043,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,nation,2022-03-23,2022-06-25,1,14.0882184,16.3623251,15.0465363,0.5996496,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,state,2022-03-23,2022-06-25,27,2.3547242,37.4345037,13.7771869,6.6984916,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,county,2022-03-23,2022-06-25,29,0.3521134,47.0511973,12.0702587,9.866215,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,hrr,2022-03-23,2022-06-25,6,2.428791,46.9907192,23.8838873,14.6436112,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,msa,2022-03-23,2022-06-25,12,2.5404529,52.0782552,21.3889238,11.1998854,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,nation,2022-03-23,2022-06-25,1,11.0994666,13.1081802,12.0185986,0.4101426,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,state,2022-03-23,2022-06-25,27,0.3521134,45.0926879,10.7563046,8.3334736,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,county,2022-03-23,2022-06-25,29,4.529086,50.540819,20.9694996,9.4620048,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,hrr,2022-03-23,2022-06-25,6,6.2176082,54.1104369,26.1798343,11.3419667,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,msa,2022-03-23,2022-06-25,12,5.6521795,52.660388,30.013978,10.1944298,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,nation,2022-03-23,2022-06-25,1,18.9235679,21.0356194,19.9508936,0.5050056,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,state,2022-03-23,2022-06-25,27,5.2647188,50.4315379,20.0380724,9.0519071,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,county,2022-03-23,2022-06-25,29,0.390625,31.9492096,7.8092787,4.9283717,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,hrr,2022-03-23,2022-06-25,6,2.4477441,31.8611345,14.0068442,7.6232104,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,msa,2022-03-23,2022-06-25,12,0.436951,35.299099,13.7987543,6.580221,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,nation,2022-03-23,2022-06-25,1,7.0598013,8.8774326,8.1040837,0.4049425,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,state,2022-03-23,2022-06-25,27,0.390625,23.8955847,7.2306946,3.9042488,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,county,2022-03-23,2022-06-25,29,4.6931308,37.6143806,19.1798116,6.0969677,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,hrr,2022-03-23,2022-06-25,6,4.58531,44.0332088,22.2788326,8.4592721,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,msa,2022-03-23,2022-06-25,12,4.8489897,46.5430952,24.9350794,7.8934083,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,nation,2022-03-23,2022-06-25,1,16.8396074,19.2260221,17.8687456,0.5616362,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,state,2022-03-23,2022-06-25,27,4.3250788,38.2284319,18.3520717,5.9829859,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wscreening_tested_positive_14d,day,county,2021-03-19,2022-02-16,61,0.117647,28.2753529,2.9988843,2.6672,2022-02-21 13:52:12,20220221,1,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,hrr,2021-03-19,2022-02-03,59,0.1557632,22.5495241,3.0735439,2.7099545,2022-02-08 15:21:17,20220208,4,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,msa,2021-03-19,2022-02-12,36,0.1706702,21.7683199,2.764366,2.4859197,2022-02-17 15:54:36,20220217,4,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,nation,2021-03-19,2022-02-18,1,1.0612093,8.6280918,2.5831262,1.8521182,2022-02-23 13:53:54,20220223,4,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,state,2021-03-19,2022-02-16,41,0.117647,31.1396883,3.0390157,2.7965707,2022-02-21 13:54:28,20220221,4,63 -fb-survey,smoothed_wshop_1d,day,county,2020-09-08,2021-03-15,831,32.3631709,83.593709,56.6732884,6.0503961,2021-03-20 11:51:32,20210320,0,92 -fb-survey,smoothed_wshop_1d,day,hrr,2020-09-08,2021-03-11,306,37.7745162,83.9520084,57.2549396,5.3051061,2021-03-17 18:58:03,20210317,2,92 -fb-survey,smoothed_wshop_1d,day,msa,2020-09-08,2021-03-14,370,32.3664033,83.593709,57.2372895,5.8496833,2021-03-19 11:51:46,20210319,1,92 -fb-survey,smoothed_wshop_1d,day,nation,2020-09-08,2021-03-18,1,49.5642982,62.3377783,57.0468354,3.6938224,2021-03-23 11:53:44,20210323,2,98 -fb-survey,smoothed_wshop_1d,day,state,2020-09-08,2021-03-15,51,40.2458578,71.7285319,57.0378721,4.4592075,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wshop_indoors_1d,day,county,2021-03-02,2022-06-25,670,34.9047575,89.0853989,64.2569501,6.4550715,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wshop_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,36.2791895,88.1728883,64.973174,5.7661429,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wshop_indoors_1d,day,msa,2021-03-02,2022-06-25,349,36.2735397,87.2787906,64.7073857,6.074117,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wshop_indoors_1d,day,nation,2021-03-02,2022-06-25,1,53.6683064,69.4763318,64.3928201,3.9279933,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wshop_indoors_1d,day,state,2021-03-02,2022-06-25,51,37.9814935,79.8528081,65.1526125,4.8227782,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wspent_time_1d,day,county,2020-09-08,2021-03-15,831,11.4219734,66.8810674,36.8481763,7.6077021,2021-03-20 11:51:33,20210320,0,92 -fb-survey,smoothed_wspent_time_1d,day,hrr,2020-09-08,2021-03-11,306,15.2777906,73.708705,37.8060501,7.3123019,2021-03-17 18:58:04,20210317,2,92 -fb-survey,smoothed_wspent_time_1d,day,msa,2020-09-08,2021-03-14,370,12.8494288,74.9962,37.7491217,7.3672668,2021-03-19 11:51:47,20210319,1,92 -fb-survey,smoothed_wspent_time_1d,day,nation,2020-09-08,2021-03-18,1,28.078896,45.9083997,36.6718824,5.1925318,2021-03-23 11:53:44,20210323,2,98 -fb-survey,smoothed_wspent_time_1d,day,state,2020-09-08,2021-03-15,51,20.5182852,65.4399817,37.6938355,6.6487286,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wspent_time_indoors_1d,day,county,2021-03-02,2022-06-25,670,12.1115306,74.6898276,44.8739983,7.5260073,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,14.7624462,77.201618,46.0249884,7.1290718,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,msa,2021-03-02,2022-06-25,349,12.1115306,73.6403445,45.6331196,7.1447526,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,nation,2021-03-02,2022-06-25,1,33.7822735,52.2408293,44.8759535,4.3265467,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,state,2021-03-02,2022-06-25,51,20.7577586,66.1495664,46.6903866,6.230148,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wtested_14d,day,county,2020-09-08,2022-06-25,802,0.3763116,63.3583378,13.9328752,7.4547174,2022-07-01 14:59:54,20220701,0,92 -fb-survey,smoothed_wtested_14d,day,hrr,2020-09-08,2022-06-25,306,0.3759398,56.8514457,13.8810175,7.0420457,2022-07-01 15:00:09,20220701,4,92 -fb-survey,smoothed_wtested_14d,day,msa,2020-09-08,2022-06-25,366,0.4910279,55.3470515,13.5870645,7.0246739,2022-07-01 15:00:21,20220701,4,92 -fb-survey,smoothed_wtested_14d,day,nation,2020-09-08,2022-06-25,1,7.4292251,32.4234431,14.4200121,5.6985117,2022-07-01 15:00:26,20220701,4,98 -fb-survey,smoothed_wtested_14d,day,state,2020-09-08,2022-06-25,51,2.4975969,56.8603215,14.2921669,6.9783886,2022-07-01 15:00:32,20220701,4,92 -fb-survey,smoothed_wtested_positive_14d,day,county,2020-09-08,2022-06-25,225,0.3448276,59.5986145,16.778296,9.799182,2022-07-01 14:59:54,20220701,1,92 -fb-survey,smoothed_wtested_positive_14d,day,hrr,2020-09-09,2022-06-25,225,0.3289474,65.2596539,17.8414576,10.4887299,2022-07-01 15:00:09,20220701,2,90 -fb-survey,smoothed_wtested_positive_14d,day,msa,2020-09-08,2022-06-25,138,0.3747481,62.8399023,17.2123455,10.3243834,2022-07-01 15:00:21,20220701,2,91 -fb-survey,smoothed_wtested_positive_14d,day,nation,2020-09-08,2022-06-25,1,4.866296,33.6232041,14.4398464,6.7510709,2022-07-01 15:00:26,20220701,4,98 -fb-survey,smoothed_wtested_positive_14d,day,state,2020-09-08,2022-06-25,51,0.3448276,56.2407392,16.170171,9.1744281,2022-07-01 15:00:32,20220701,4,92 -fb-survey,smoothed_wtravel_outside_state_5d,day,county,2020-04-06,2021-03-15,1422,0.1025095,64.2806489,10.0257477,7.3957277,2021-03-20 11:51:33,20210320,0,247 -fb-survey,smoothed_wtravel_outside_state_5d,day,hrr,2020-04-06,2021-03-11,306,0.0947719,60.4068071,9.6768065,6.2837987,2021-03-17 18:58:04,20210317,1,247 -fb-survey,smoothed_wtravel_outside_state_5d,day,msa,2020-04-06,2021-03-14,381,0.1025095,59.3672059,9.4746487,6.8946317,2021-03-19 11:51:47,20210319,1,247 -fb-survey,smoothed_wtravel_outside_state_5d,day,nation,2020-04-06,2021-03-18,1,3.3773044,12.1462511,8.7849591,2.2060552,2021-03-23 11:53:45,20210323,5,253 -fb-survey,smoothed_wtravel_outside_state_5d,day,state,2020-04-06,2021-03-15,52,0.5082227,34.831101,11.1475629,5.6036074,2021-03-20 11:52:14,20210320,5,247 -fb-survey,smoothed_wtravel_outside_state_7d,day,county,2021-03-02,2022-02-18,660,0.290026,62.5827664,14.6023051,7.7177183,2022-02-23 13:52:11,20220223,1,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,hrr,2021-03-02,2022-02-17,306,0.3267974,54.4929375,14.6547479,7.3109698,2022-02-22 13:54:19,20220222,4,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,msa,2021-03-02,2022-02-18,347,0.290026,58.571549,13.9827795,7.4833647,2022-02-23 13:53:42,20220223,4,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,nation,2021-03-02,2022-02-20,1,9.1274506,17.4480578,13.661823,2.0919633,2022-02-25 13:53:28,20220225,4,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,state,2021-03-02,2022-02-18,51,2.2033812,44.9972394,16.9371366,6.749975,2022-02-23 13:54:11,20220223,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,county,2021-05-20,2022-06-25,350,22.6495979,85.4382659,55.5010384,8.2242305,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,hrr,2021-05-20,2022-06-25,288,20.6855613,82.9676586,52.5705567,7.9609733,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,msa,2021-05-20,2022-06-25,214,24.2655111,81.1954238,54.3750319,7.5021275,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,nation,2021-05-20,2022-06-25,1,47.3425245,57.6821686,52.948235,3.4004495,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,state,2021-05-20,2022-06-25,51,27.744328,85.4382659,52.4494803,6.7902807,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,county,2021-05-20,2022-06-25,349,36.8559842,90.8331209,67.6003166,6.8932108,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,hrr,2021-05-20,2022-06-25,288,36.2539364,89.5014574,65.1365806,6.6182919,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,msa,2021-05-20,2022-06-25,213,37.6877346,89.9602271,66.8492483,6.222334,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,nation,2021-05-20,2022-06-25,1,62.2506491,68.8010739,65.42416,1.6821282,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,state,2021-05-20,2022-06-25,51,37.9991137,87.6406193,65.1384811,5.1848908,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,county,2021-05-20,2022-06-25,348,30.9067951,91.508129,61.7021582,8.8957006,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,hrr,2021-05-20,2022-06-25,287,23.9494261,86.6846909,58.1129887,8.742203,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,msa,2021-05-20,2022-06-25,212,27.9714933,91.508129,60.3315044,8.0117511,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,nation,2021-05-20,2022-06-25,1,55.187706,62.9952121,58.7259869,2.2616361,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,state,2021-05-20,2022-06-25,51,32.4180554,87.9142544,58.0295043,7.3783931,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,county,2021-05-20,2022-06-25,345,4.9057594,43.4105187,18.0295893,3.8402219,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,hrr,2021-05-20,2022-06-25,287,4.6162291,44.3604732,18.2844786,3.7423117,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,msa,2021-05-20,2022-06-25,211,4.6372256,42.2619661,17.8326197,3.6915923,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,nation,2021-05-20,2022-06-25,1,16.6245613,19.6764956,18.2025438,0.6308334,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,state,2021-05-20,2022-06-25,51,6.0138198,35.7792439,18.1203862,2.3954019,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,county,2021-05-20,2022-06-25,348,8.6647269,68.3620411,33.6942824,7.3276318,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,hrr,2021-05-20,2022-06-25,288,8.9231854,61.333348,31.2956907,6.9490175,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,msa,2021-05-20,2022-06-25,213,11.0023076,59.2091526,32.4187831,6.5352786,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,nation,2021-05-20,2022-06-25,1,28.3081996,35.4196602,31.6259908,1.9119801,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,state,2021-05-20,2022-06-25,51,11.7605196,68.3620411,31.0462511,5.7161089,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,county,2021-05-20,2022-06-25,345,0.6957297,33.9004175,9.721735,3.87921,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,hrr,2021-05-20,2022-06-25,287,0.3424658,29.6115975,8.7672862,3.493312,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,msa,2021-05-20,2022-06-25,212,0.406509,36.5541155,9.0514644,3.2005543,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,nation,2021-05-20,2022-06-25,1,7.7205923,11.5555948,9.0302323,0.8442416,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,state,2021-05-20,2022-06-25,51,0.9296127,28.9925589,8.4776046,2.6005524,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,county,2021-05-20,2022-06-25,345,0.1285179,25.133828,3.4229071,2.1220533,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,hrr,2021-05-20,2022-06-25,288,0.1213592,22.941208,3.1654847,1.9189255,2022-07-01 15:00:10,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,msa,2021-05-20,2022-06-25,211,0.1471368,23.2360265,3.1751285,1.7801704,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,nation,2021-05-20,2022-06-25,1,2.6281955,3.8097965,3.1340104,0.2087369,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,state,2021-05-20,2022-06-25,51,0.1285179,9.812652,2.7736422,1.1163698,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,county,2021-05-20,2022-06-25,343,0.4634844,51.146941,9.318464,3.6718639,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,hrr,2021-05-20,2022-06-25,286,0.4854369,48.6295919,9.6086689,3.5613675,2022-07-01 15:00:10,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,msa,2021-05-20,2022-06-25,210,0.6917332,51.146941,9.4456445,3.720163,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,nation,2021-05-20,2022-06-25,1,8.7001281,10.4743297,9.413867,0.2989216,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,state,2021-05-20,2022-06-25,51,0.9474511,29.524042,9.4118683,2.9326646,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,county,2021-06-04,2022-06-25,43,0.3649457,27.517894,7.3383687,3.2996912,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,hrr,2021-06-06,2022-02-24,36,1.0980222,28.695644,9.941667,4.0224087,2022-03-01 15:36:36,20220301,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,msa,2021-06-04,2022-05-24,20,1.3943083,29.8587031,10.4297743,3.9962442,2022-05-29 12:54:03,20220529,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,nation,2021-06-04,2022-06-25,1,2.4922653,11.0669965,6.5239976,2.5614274,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,state,2021-06-04,2022-06-25,39,0.3649457,27.8956431,7.2276934,3.4294288,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccinate_child_oldest,day,county,2021-12-19,2022-06-25,82,37.6257246,95.1287381,67.246269,9.7320306,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,hrr,2021-12-21,2022-06-25,112,37.5216189,96.9068412,70.5590915,9.9435586,2022-07-01 15:00:10,20220701,4,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,msa,2021-12-20,2022-06-25,67,43.2492541,96.2256746,73.5593107,8.5925447,2022-07-01 15:00:21,20220701,4,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,nation,2021-12-19,2022-06-25,1,62.5229926,71.6485286,65.9552078,2.6092141,2022-07-01 15:00:26,20220701,4,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,state,2021-12-19,2022-06-25,44,38.3963014,87.3220823,64.287366,9.3009684,2022-07-01 15:00:33,20220701,4,14 -fb-survey,smoothed_wvaccinate_children,day,county,2021-06-04,2021-12-24,170,35.0426347,98.4057634,72.6015575,10.1298274,2022-02-02 20:52:19,20220202,1,63 -fb-survey,smoothed_wvaccinate_children,day,hrr,2021-06-04,2021-12-23,207,34.2052529,98.3285548,70.1119193,10.7300619,2022-02-02 20:53:29,20220202,4,63 -fb-survey,smoothed_wvaccinate_children,day,msa,2021-06-04,2021-12-24,121,39.7892496,95.4593873,73.3538732,8.6301775,2022-02-02 20:54:23,20220202,4,63 -fb-survey,smoothed_wvaccinate_children,day,nation,2021-06-04,2021-12-25,1,60.5121525,73.6457036,69.6122622,2.7523783,2022-02-02 20:54:44,20220202,4,63 -fb-survey,smoothed_wvaccinate_children,day,state,2021-06-04,2021-12-24,50,33.5273513,91.3586063,66.9824793,8.4881129,2022-02-02 20:55:05,20220202,4,63 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,county,2022-03-04,2022-06-25,353,46.133045,96.835666,75.359958,7.585892,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,hrr,2022-03-04,2022-06-25,272,43.6384856,96.5360784,73.405462,7.623695,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,msa,2022-03-04,2022-06-25,207,44.891811,95.9264046,73.813278,7.5274635,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,nation,2022-03-04,2022-06-25,1,71.2777479,74.6998229,73.6999915,0.8236061,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,state,2022-03-04,2022-06-25,51,51.5140127,94.8246402,73.6568817,6.7960911,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,county,2022-03-04,2022-06-25,62,29.2747741,79.7939582,50.1548802,6.6397371,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,hrr,2022-03-04,2022-06-25,90,25.049317,76.9790073,50.6172602,7.492241,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,msa,2022-03-04,2022-06-25,49,31.1139235,73.6478834,51.6267811,6.9772261,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,nation,2022-03-04,2022-06-25,1,45.9806262,56.9886779,50.2928295,2.8114233,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,state,2022-03-04,2022-06-25,42,30.3827164,72.126006,49.128634,5.4941582,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,county,2022-03-04,2022-06-25,62,3.2865244,36.8006659,20.418173,4.2194252,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,hrr,2022-03-04,2022-06-25,90,6.2206474,45.7196734,19.8356633,5.2606611,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,msa,2022-03-04,2022-06-25,49,6.0459919,37.7119037,19.0477152,4.7363173,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,nation,2022-03-04,2022-06-25,1,17.4030734,22.4568511,20.2766155,1.1939182,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,state,2022-03-04,2022-06-25,42,8.6868137,35.9098266,20.9479709,3.6474657,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,county,2022-03-04,2022-06-25,62,8.8186225,49.853294,24.7455808,5.407431,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,hrr,2022-03-04,2022-06-25,90,8.0850205,51.3225204,24.7935443,6.3893824,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,msa,2022-03-04,2022-06-25,49,8.3866882,46.7955311,25.4305273,6.1391777,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,nation,2022-03-04,2022-06-25,1,21.2551081,31.2160819,24.7052226,2.6905232,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,state,2022-03-04,2022-06-25,42,10.8113603,44.4751591,23.7726845,4.5627642,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,county,2022-03-04,2022-06-25,62,20.2060418,70.7252259,49.8451198,6.6397371,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,hrr,2022-03-04,2022-06-25,90,23.0209927,74.950683,49.3827398,7.492241,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,msa,2022-03-04,2022-06-25,49,26.3521166,68.8860765,48.3732189,6.9772261,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,nation,2022-03-04,2022-06-25,1,43.0113221,54.0193738,49.7071705,2.8114233,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,state,2022-03-04,2022-06-25,42,27.873994,69.6172836,50.871366,5.4941582,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,county,2022-03-04,2022-06-25,62,9.8665988,46.595266,29.4269467,4.6042106,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,hrr,2022-03-04,2022-06-25,90,11.628747,56.1431652,29.5470765,5.9081981,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,msa,2022-03-04,2022-06-25,49,11.2907557,53.2928713,29.3255037,5.4640157,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,nation,2022-03-04,2022-06-25,1,25.5488055,32.2167816,29.4305551,1.7496284,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,state,2022-03-04,2022-06-25,42,13.9552477,47.8379066,29.9233952,4.2468371,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,county,2022-03-04,2022-06-25,62,11.4367827,42.6003795,25.4092995,3.9221453,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,hrr,2022-03-04,2022-06-25,90,6.9382613,46.5065602,25.8237158,5.1884215,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,msa,2022-03-04,2022-06-25,49,12.0615833,47.2634639,26.1962538,4.8434358,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,nation,2022-03-04,2022-06-25,1,24.4751691,26.5156026,25.5876069,0.4498236,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,state,2022-03-04,2022-06-25,42,11.532786,43.9133009,25.3559495,3.6500812,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,county,2022-03-04,2022-06-25,353,3.0120474,53.6224405,24.0267817,7.5202091,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinated_no_booster,day,hrr,2022-03-04,2022-06-25,272,2.7297017,56.1234192,25.9755761,7.5217103,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,msa,2022-03-04,2022-06-25,207,3.6818883,53.1638971,25.5700454,7.4396881,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,nation,2022-03-04,2022-06-25,1,24.811472,28.1608077,25.7613341,0.8321316,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,state,2022-03-04,2022-06-25,51,5.035695,48.1681191,25.8220567,6.7232808,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,county,2022-03-04,2022-06-25,353,31.381418,92.8119093,62.4012237,9.2879995,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinated_one_booster,day,hrr,2022-03-04,2022-06-25,272,33.0340812,93.3311848,60.7965684,9.144306,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,msa,2022-03-04,2022-06-25,207,28.3789418,93.3929656,61.2316967,9.2055451,2022-07-01 15:00:22,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,nation,2022-03-04,2022-06-25,1,53.1616307,70.0563215,61.5406393,6.0402684,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,state,2022-03-04,2022-06-25,51,39.959379,88.6524077,61.3624476,8.2807859,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,county,2022-03-04,2022-06-25,353,0.1142348,43.5541358,12.9587343,8.0412406,2022-07-01 14:59:56,20220701,2,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,hrr,2022-03-04,2022-06-25,272,0.1136364,43.7144432,12.6088936,7.9672583,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,msa,2022-03-04,2022-06-25,207,0.1095436,43.0383685,12.5815814,7.8687626,2022-07-01 15:00:22,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,nation,2022-03-04,2022-06-25,1,2.5678236,21.1256296,12.1593521,6.7502001,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,state,2022-03-04,2022-06-25,51,0.2568801,32.2306269,12.2944342,7.4334297,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,county,2021-12-19,2022-02-18,506,0.1396784,20.1792529,3.2208297,1.9897014,2022-02-23 13:52:14,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,hrr,2021-12-19,2022-02-17,304,0.1077586,19.7726197,2.7732248,1.6623896,2022-02-22 13:54:22,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,msa,2021-12-19,2022-02-18,284,0.1276449,20.1792529,2.8517195,1.7484735,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,nation,2021-12-19,2022-02-19,1,2.8171479,5.7755266,3.0857526,0.3527399,2022-02-24 13:53:47,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,state,2021-12-19,2022-02-18,51,0.1396784,14.0049506,2.839473,1.329525,2022-02-23 13:54:12,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,county,2021-12-19,2022-02-18,501,0.1368611,20.8164467,3.1209518,1.9730592,2022-02-23 13:52:14,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,hrr,2021-12-19,2022-02-17,304,0.1094092,19.8981142,2.6727632,1.6457543,2022-02-22 13:54:22,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,msa,2021-12-19,2022-02-18,282,0.1292935,20.8164467,2.7487646,1.7233356,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,nation,2021-12-19,2022-02-19,1,2.6927536,5.7570677,2.9773038,0.3662107,2022-02-24 13:53:47,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,state,2021-12-19,2022-02-18,51,0.1420593,13.3877001,2.7151875,1.3102868,2022-02-23 13:54:12,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,county,2021-12-24,2022-06-25,8,1.4449069,20.606332,8.78652,3.1686828,2022-07-01 14:59:56,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,nation,2021-12-19,2022-06-25,1,4.9941541,13.2906121,9.1452968,1.5517786,2022-07-01 15:00:26,20220701,4,14 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,state,2021-12-24,2022-06-25,8,1.6741467,29.632304,9.12969,3.8835692,2022-07-01 15:00:33,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,county,2021-06-04,2022-02-18,552,0.0629662,32.3603468,2.4659103,1.7102453,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,hrr,2021-06-04,2022-02-17,305,0.0538213,25.7268723,2.2578277,1.483084,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,msa,2021-06-04,2022-02-18,313,0.0909755,32.3603468,2.3221899,1.5851299,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,nation,2021-06-04,2022-02-19,1,1.7255233,3.8938781,2.3404011,0.7122971,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,state,2021-06-04,2022-02-18,51,0.1303795,14.7215464,2.2522092,1.1518998,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,county,2021-07-30,2022-02-18,543,0.063461,32.3883137,2.3619416,1.7391972,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0542888,25.9389366,2.1277943,1.5165581,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,msa,2021-07-30,2022-02-18,309,0.0865529,32.3883137,2.2009056,1.6100801,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,nation,2021-07-30,2022-02-19,1,1.4923208,3.7645724,2.2477716,0.7978303,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,state,2021-07-30,2022-02-18,51,0.1216544,15.0111974,2.1501842,1.232602,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,county,2021-08-03,2022-06-25,12,2.0712595,24.3542163,13.1386287,3.951907,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,msa,2021-08-08,2021-09-19,1,8.2144079,16.0048402,11.69826,1.9002614,2021-09-24 16:04:09,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,nation,2021-07-30,2022-06-25,1,7.0689796,17.8766616,13.4631415,2.0410688,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,state,2021-08-03,2022-06-25,12,1.9790366,30.2193085,14.5314706,4.8962466,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,county,2021-06-04,2022-02-18,552,0.0465116,16.9323439,0.8958716,0.7672054,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,hrr,2021-06-04,2022-02-17,305,0.0316456,14.4194686,0.8440471,0.7132917,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,msa,2021-06-04,2022-02-18,313,0.0236636,13.7535555,0.8882412,0.7634993,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,nation,2021-06-04,2022-02-19,1,0.5569101,1.1986484,0.681571,0.076277,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,state,2021-06-04,2022-02-18,51,0.0457952,6.0295964,0.7440923,0.4194647,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,county,2021-07-30,2022-02-18,543,0.04455,14.5753526,0.8392822,0.726589,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,hrr,2021-07-30,2022-02-17,305,0.0320307,14.5170739,0.7777809,0.6713019,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,msa,2021-07-30,2022-02-18,309,0.0240045,13.9840064,0.8271551,0.7184784,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,nation,2021-07-30,2022-02-19,1,0.4827674,1.1949633,0.6212798,0.091243,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,state,2021-07-30,2022-02-18,51,0.0362533,6.0753603,0.6838535,0.4166271,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,11.4703324,4.3712154,2.074303,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,msa,2021-08-08,2021-09-19,1,0.9789895,7.5745508,3.9710005,1.540267,2021-09-24 16:04:10,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,nation,2021-07-30,2022-06-25,1,2.2513431,7.3157003,4.4170842,0.8420327,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,12.7821809,4.5165148,2.2910833,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_document,day,county,2021-06-04,2022-02-18,552,0.0178514,19.7485214,0.552355,0.6206412,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_document,day,hrr,2021-06-04,2022-02-17,305,0.0183352,25.8187009,0.508366,0.6297092,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_document,day,msa,2021-06-04,2022-02-18,313,0.0180863,16.4950985,0.5321216,0.5950901,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document,day,nation,2021-06-04,2022-02-19,1,0.208607,0.627881,0.3342486,0.0579294,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_document,day,state,2021-06-04,2022-02-18,51,0.0147893,6.5213812,0.3833704,0.3193122,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,county,2021-07-30,2022-02-18,543,0.0181605,19.8383486,0.5020033,0.570843,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,hrr,2021-07-30,2022-02-17,305,0.0186916,25.9753461,0.4484964,0.5708816,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,msa,2021-07-30,2022-02-18,309,0.0183419,17.0910092,0.4819804,0.5479063,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,nation,2021-07-30,2022-02-19,1,0.1559025,0.5295183,0.2764832,0.0603942,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,state,2021-07-30,2022-02-18,51,0.013113,6.6762876,0.3273424,0.2881539,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,county,2021-08-03,2022-06-25,12,0.4237285,11.85878,3.9414083,1.9582121,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,msa,2021-08-08,2021-09-19,1,2.7847433,10.4011447,5.6250518,2.2718469,2021-09-24 16:04:11,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,nation,2021-07-30,2022-06-25,1,2.2265093,7.8427578,4.6477354,1.1517088,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,state,2021-08-03,2022-06-25,12,0.4237285,15.3193387,4.2963447,2.4301741,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,county,2021-06-04,2022-02-18,552,0.1179131,36.734027,3.680584,1.9972151,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,hrr,2021-06-04,2022-02-17,305,0.1052632,28.8843355,3.3785227,1.7028477,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,msa,2021-06-04,2022-02-18,313,0.1766665,36.734027,3.5048235,1.8529995,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,nation,2021-06-04,2022-02-19,1,2.7080648,4.9855649,3.4403874,0.6007298,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,state,2021-06-04,2022-02-18,51,0.2830729,13.6930825,3.3960105,1.3698381,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,county,2021-07-30,2022-02-18,543,0.1169665,36.7657801,3.388176,1.8522789,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,hrr,2021-07-30,2022-02-17,305,0.1066098,29.1224822,3.0686816,1.5477744,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,msa,2021-07-30,2022-02-18,309,0.1767617,36.7657801,3.2230389,1.7212773,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,nation,2021-07-30,2022-02-19,1,2.6252236,3.8407397,3.1243032,0.323394,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,state,2021-07-30,2022-02-18,51,0.2851942,13.9163968,3.0873031,1.2312581,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,county,2021-08-03,2022-06-25,12,0.9794867,14.6336833,6.0873354,2.4042569,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,msa,2021-08-08,2021-09-19,1,1.1288761,9.5668263,4.8873471,1.9469161,2021-09-24 16:04:12,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,nation,2021-07-30,2022-06-25,1,3.8528302,10.2859277,6.2790968,1.0264956,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,state,2021-08-03,2022-06-25,12,0.8811381,20.3812088,6.087005,2.63267,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_language,day,county,2021-06-04,2022-02-18,552,0.0166008,14.1221281,0.48836,0.5644643,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_language,day,hrr,2021-06-04,2022-02-17,305,0.0268528,15.4342835,0.4296572,0.5289111,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_language,day,msa,2021-06-04,2022-02-18,313,0.0179064,8.3301187,0.4473213,0.5027188,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language,day,nation,2021-06-04,2022-02-19,1,0.0814332,0.3922631,0.2814056,0.035964,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_language,day,state,2021-06-04,2022-02-18,51,0.0127584,5.6164889,0.3165568,0.2941396,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,county,2021-07-30,2022-02-18,543,0.016884,14.288714,0.447745,0.5125596,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,hrr,2021-07-30,2022-02-17,305,0.0224618,15.6334649,0.3850871,0.479867,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,msa,2021-07-30,2022-02-18,309,0.0181005,8.3301187,0.4122168,0.4589429,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,nation,2021-07-30,2022-02-19,1,0.0830565,0.3097386,0.2348977,0.0300744,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,state,2021-07-30,2022-02-18,51,0.0081486,5.7494798,0.2736717,0.2636157,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,10.1171665,2.7659787,1.7109574,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,msa,2021-08-08,2021-09-19,1,0.4195391,9.5537927,3.8309058,2.9792101,2021-09-24 16:04:12,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,nation,2021-07-30,2022-06-25,1,1.6485532,5.7059461,3.0869858,0.833593,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,13.2329343,3.0611519,2.1534714,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,county,2021-06-04,2022-02-18,552,0.1180216,30.4617835,7.7823644,4.2953279,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,hrr,2021-06-04,2022-02-17,305,0.1265823,27.0014216,6.7779549,3.7588294,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,msa,2021-06-04,2022-02-18,313,0.1992383,27.803462,6.8719989,3.7469057,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,nation,2021-06-04,2022-02-19,1,5.4068966,11.0512806,7.5118035,1.1412012,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,state,2021-06-04,2022-02-18,51,0.0926338,23.4366526,6.5761302,3.2298488,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,county,2021-07-30,2022-02-18,543,0.1194311,28.9687713,7.2995005,4.0981119,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,hrr,2021-07-30,2022-02-17,305,0.1282051,27.4952787,6.2647274,3.5634585,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,msa,2021-07-30,2022-02-18,309,0.2016488,28.0281367,6.4122329,3.5884694,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,nation,2021-07-30,2022-02-19,1,5.333192,10.8809501,7.0258806,0.8894436,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,state,2021-07-30,2022-02-18,51,0.0935,21.6095508,6.1558694,3.1155155,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,county,2021-08-03,2022-06-25,12,2.5492191,21.5293493,11.1662291,3.4893272,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,msa,2021-08-08,2021-09-19,1,5.2613486,19.9971561,10.824622,4.581742,2021-09-24 16:04:13,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,nation,2021-07-30,2022-06-25,1,7.8697296,15.3448766,11.2229496,1.6463375,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,state,2021-08-03,2022-06-25,12,3.1106437,28.8098237,11.9527517,4.38488,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_none,day,county,2021-06-04,2022-02-18,552,58.1900273,99.1115499,84.1196329,5.2995871,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_none,day,hrr,2021-06-04,2022-02-17,305,62.0709269,98.3000667,85.2533436,4.651193,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_none,day,msa,2021-06-04,2022-02-18,313,58.2960207,98.9508306,85.0447531,4.8248596,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none,day,nation,2021-06-04,2022-02-19,1,80.6380315,87.2818256,84.2852898,1.7237881,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_none,day,state,2021-06-04,2022-02-18,51,59.9273287,95.5805596,85.2030635,4.0804081,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,county,2021-07-30,2022-02-18,543,58.2599651,99.105911,85.0895248,5.207385,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,hrr,2021-07-30,2022-02-17,305,61.7580657,99.0300959,86.3131332,4.5536799,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,msa,2021-07-30,2022-02-18,309,57.9579139,98.9335049,86.0281824,4.747257,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,nation,2021-07-30,2022-02-19,1,81.2969291,87.7833111,85.2995759,1.543291,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,state,2021-07-30,2022-02-18,51,60.1125833,95.6654001,86.1269607,4.0745326,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,county,2021-08-03,2022-06-25,12,31.4636821,72.3230179,52.9248939,7.7946501,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,msa,2021-08-08,2021-09-19,1,44.2596509,63.9060506,56.2247273,4.8382391,2021-09-24 16:04:14,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,nation,2021-07-30,2022-06-25,1,37.2301432,58.5303261,50.3685058,5.0069772,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,state,2021-08-03,2022-06-25,12,25.9870695,71.1050487,49.9754208,8.3323105,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_other,day,county,2021-12-19,2022-02-18,506,0.113486,12.4156906,1.6614467,1.1101406,2022-02-23 13:52:15,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,hrr,2021-12-19,2022-02-17,304,0.0948767,9.69687,1.6032582,0.9613608,2022-02-22 13:54:23,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,msa,2021-12-19,2022-02-18,284,0.1220974,10.2453058,1.6104175,1.0271235,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,nation,2021-12-19,2022-02-19,1,0.9538453,1.5546633,1.3896133,0.1318108,2022-02-24 13:53:48,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,state,2021-12-19,2022-02-18,51,0.1141552,6.636503,1.499199,0.6212161,2022-02-23 13:54:13,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,county,2021-12-19,2022-02-18,501,0.0840192,12.5278755,1.4556733,1.0295742,2022-02-23 13:52:16,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,hrr,2021-12-19,2022-02-17,304,0.095057,9.8759666,1.3707941,0.8678686,2022-02-22 13:54:23,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,msa,2021-12-19,2022-02-18,282,0.1161852,10.2453058,1.403661,0.9381774,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,nation,2021-12-19,2022-02-19,1,0.8288386,1.3232145,1.1703247,0.1181226,2022-02-24 13:53:48,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,state,2021-12-19,2022-02-18,51,0.1152073,6.5025476,1.2743002,0.5620165,2022-02-23 13:54:13,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,county,2021-12-24,2022-06-25,8,6.0292096,24.952229,16.8560853,3.4604898,2022-07-01 14:59:56,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,nation,2021-12-19,2022-06-25,1,13.0313014,19.6817691,16.4781955,1.4645559,2022-07-01 15:00:26,20220701,4,14 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,state,2021-12-24,2022-06-25,8,6.3213086,37.4280114,17.0079621,4.3536796,2022-07-01 15:00:33,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,county,2021-06-04,2022-02-18,552,0.1072486,22.9148491,3.558064,2.0614736,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,hrr,2021-06-04,2022-02-17,305,0.1298701,21.5769561,3.1599653,1.7375423,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,msa,2021-06-04,2022-02-18,313,0.1037807,22.3264893,3.2815771,1.8614416,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,nation,2021-06-04,2022-02-19,1,2.5214206,4.8847907,3.311893,0.4208553,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,state,2021-06-04,2022-02-18,51,0.1237103,15.6519025,3.1490344,1.6738743,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,county,2021-07-30,2022-02-18,543,0.1081603,22.9148491,3.3604363,1.9725813,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,hrr,2021-07-30,2022-02-17,305,0.106383,20.9804361,2.9407677,1.6306451,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,msa,2021-07-30,2022-02-18,309,0.1046381,21.2039509,3.0774387,1.7616195,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,nation,2021-07-30,2022-02-19,1,2.4851035,4.9908085,3.097251,0.2913041,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,state,2021-07-30,2022-02-18,51,0.1246875,15.337213,2.9524628,1.6004697,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,county,2021-08-03,2022-06-25,12,0.4901956,13.4059592,5.4132356,2.2019667,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,msa,2021-08-08,2021-09-19,1,1.0059388,11.8416055,5.4821223,3.2060638,2021-09-24 16:04:15,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,nation,2021-07-30,2022-06-25,1,3.5481038,8.9441607,5.7013651,0.9995655,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,state,2021-08-03,2022-06-25,12,0.4901956,21.3070717,5.7461428,2.911902,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,county,2021-06-04,2022-02-18,552,0.0477879,17.6377607,1.2491824,0.9470716,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,hrr,2021-06-04,2022-02-17,305,0.045045,17.4447836,1.2012575,0.8452909,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,msa,2021-06-04,2022-02-18,313,0.0388536,17.6377607,1.2093308,0.9282151,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,nation,2021-06-04,2022-02-19,1,0.8213842,1.339715,1.0584523,0.1093179,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,state,2021-06-04,2022-02-18,51,0.0619246,5.9556706,1.0314515,0.5015311,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,county,2021-07-30,2022-02-18,543,0.0486715,17.9540982,1.1636887,0.8903164,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,hrr,2021-07-30,2022-02-17,305,0.0454133,17.4447836,1.1002035,0.7759272,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,msa,2021-07-30,2022-02-18,309,0.0392501,17.9540982,1.1198409,0.850173,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,nation,2021-07-30,2022-02-19,1,0.7592613,1.1080717,0.9602353,0.0679064,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,state,2021-07-30,2022-02-18,51,0.0626226,10.0144526,0.9455537,0.4926336,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,county,2021-08-03,2022-06-25,12,0.3731343,12.0238043,4.3953847,2.1536625,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,msa,2021-08-08,2021-09-19,1,0.851232,6.9367688,3.8248681,1.7610818,2021-09-24 16:04:16,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,nation,2021-07-30,2022-06-25,1,2.6975824,8.4094796,4.6305438,0.9826877,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,state,2021-08-03,2022-06-25,12,0.3731343,15.1334117,4.5631346,2.5431096,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_time,day,county,2021-06-04,2022-02-18,552,0.0991676,30.9675879,2.9507475,1.8485465,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_time,day,hrr,2021-06-04,2022-02-17,305,0.093985,24.6437818,2.8716061,1.6502292,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_time,day,msa,2021-06-04,2022-02-18,313,0.0951704,30.9675879,2.9501882,1.7989767,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time,day,nation,2021-06-04,2022-02-19,1,2.3556323,3.4382276,2.7633975,0.3022799,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_time,day,state,2021-06-04,2022-02-18,51,0.1269036,13.0704249,2.8292041,1.0178349,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,county,2021-07-30,2022-02-18,543,0.1003619,30.994349,2.8128375,1.8262933,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0886525,24.8468992,2.7079925,1.6065441,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,msa,2021-07-30,2022-02-18,309,0.0960848,30.994349,2.7883448,1.7730117,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,nation,2021-07-30,2022-02-19,1,2.0900023,3.2391182,2.6142512,0.3387849,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,state,2021-07-30,2022-02-18,51,0.2538071,12.7798049,2.7033401,1.018265,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,county,2021-08-03,2022-06-25,12,1.171875,30.4075997,12.5559906,4.7076793,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,msa,2021-08-08,2021-09-19,1,8.9874442,19.7299559,15.1522386,2.90482,2021-09-24 16:04:16,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,nation,2021-07-30,2022-06-25,1,8.4312744,19.1578448,13.9313453,2.0509032,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,state,2021-08-03,2022-06-25,12,1.4355655,34.4390108,14.5271465,5.7752494,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,county,2021-06-04,2022-02-18,552,0.0749627,20.8719471,2.2206738,1.4638687,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,hrr,2021-06-04,2022-02-17,305,0.0844595,19.0381549,2.055175,1.2105601,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,msa,2021-06-04,2022-02-18,313,0.0655099,17.0136472,2.0856491,1.3434165,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,nation,2021-06-04,2022-02-19,1,1.7542765,4.2060654,2.0436472,0.2057013,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,state,2021-06-04,2022-02-18,51,0.1022495,9.7410147,2.0283035,0.8868105,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,county,2021-07-30,2022-02-18,543,0.0765698,20.9755137,2.0595642,1.4114455,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,hrr,2021-07-30,2022-02-17,305,0.0853242,19.1590205,1.8796239,1.1589818,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,msa,2021-07-30,2022-02-18,309,0.0661186,17.1632098,1.9196039,1.2850808,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,nation,2021-07-30,2022-02-19,1,1.6181271,4.1535164,1.8737667,0.214524,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,state,2021-07-30,2022-02-18,51,0.1030928,9.5147979,1.8653682,0.8785239,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,county,2021-08-03,2022-06-25,12,1.25,20.481298,9.1639887,3.0490234,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,msa,2021-08-08,2021-09-19,1,3.0254272,8.3622507,5.8326193,1.6075166,2021-09-24 16:04:17,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,nation,2021-07-30,2022-06-25,1,7.5212347,15.0523503,10.538515,1.468872,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,state,2021-08-03,2022-06-25,12,1.2578384,28.2001407,9.6946856,3.7688977,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_type,day,county,2021-06-04,2022-02-18,552,0.089973,22.8226599,1.8518724,1.2586464,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_type,day,hrr,2021-06-04,2022-02-17,305,0.0974659,23.25949,1.8066409,1.1422891,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_type,day,msa,2021-06-04,2022-02-18,313,0.0976035,19.4765318,1.8237791,1.1861249,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type,day,nation,2021-06-04,2022-02-19,1,1.3807111,1.9524981,1.65603,0.1137103,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_type,day,state,2021-06-04,2022-02-18,51,0.0981016,10.144897,1.7111244,0.666204,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,county,2021-07-30,2022-02-18,543,0.0846733,23.028273,1.7019096,1.1985041,2022-02-23 13:52:17,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,hrr,2021-07-30,2022-02-17,305,0.0658762,18.1052542,1.630067,1.0558063,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,msa,2021-07-30,2022-02-18,309,0.0751463,16.7335832,1.6675098,1.1163487,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,nation,2021-07-30,2022-02-19,1,1.2701539,1.82993,1.4934292,0.128217,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,state,2021-07-30,2022-02-18,51,0.1259586,10.530222,1.5518898,0.622784,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,county,2021-08-03,2022-06-25,12,1.6055948,21.1382744,9.7127907,3.2510452,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,msa,2021-08-08,2021-09-19,1,2.4199891,16.9927528,10.3384439,3.9172498,2021-09-24 16:04:18,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,nation,2021-07-30,2022-06-25,1,5.9632761,12.7576168,10.0129611,1.5420296,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,state,2021-08-03,2022-06-25,12,1.7923026,27.7089968,10.1308403,3.8558502,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_likely_doctors,day,county,2021-02-09,2021-08-08,499,7.259706,77.1595724,48.7477301,12.2246617,2021-08-13 12:55:26,20210813,1,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,hrr,2021-02-09,2021-08-06,300,6.9815096,73.8261871,44.1329531,12.1363912,2021-08-11 12:57:06,20210811,3,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,msa,2021-02-09,2021-08-07,279,11.7272878,73.2846346,46.9713879,11.0955423,2021-08-12 12:55:27,20210812,3,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,nation,2021-02-09,2021-08-08,1,16.4374349,56.2706848,33.4230306,13.5851071,2021-08-13 12:57:04,20210813,5,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,state,2021-02-09,2021-08-08,51,7.0363341,73.9381449,38.7759956,13.5895154,2021-08-13 12:57:21,20210813,4,36 -fb-survey,smoothed_wvaccine_likely_friends,day,county,2020-12-20,2021-08-08,750,3.5068034,63.4115063,31.4894873,6.8034879,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_friends,day,hrr,2020-12-20,2021-08-06,306,2.879003,54.4114958,29.4915749,7.2016915,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_friends,day,msa,2020-12-20,2021-08-07,361,4.6345847,63.4115063,30.7559854,6.4693782,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_friends,day,nation,2020-12-20,2021-08-08,1,7.9797726,36.1559722,23.8103279,8.8420382,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_friends,day,state,2020-12-20,2021-08-08,51,2.8529035,45.6453223,26.6919836,7.9727138,2021-08-13 12:57:21,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,county,2020-12-20,2021-08-08,742,0.4619191,58.708974,27.8905743,8.6701886,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,hrr,2020-12-20,2021-08-06,306,0.2808989,56.9774781,24.3991816,9.2519611,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,msa,2020-12-20,2021-08-07,357,0.4778977,55.7657274,26.359507,8.1751537,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,nation,2020-12-20,2021-08-08,1,5.2371949,32.6937488,18.2387443,10.4349212,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,state,2020-12-20,2021-08-08,51,0.4791461,52.5748388,21.3528736,10.2720167,2021-08-13 12:57:21,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,county,2020-12-20,2021-03-16,744,22.2324417,75.7810762,47.8242695,7.825357,2021-03-21 11:51:28,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,hrr,2020-12-20,2021-03-16,306,22.7657784,73.8261871,46.4835359,7.2165629,2021-03-21 11:51:45,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,msa,2020-12-20,2021-03-16,359,19.4811503,74.2892216,46.7604427,7.3708938,2021-03-21 11:52:00,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,nation,2020-12-20,2021-03-16,1,42.9358801,54.410947,47.2188903,3.6937254,2021-03-21 11:52:04,20210321,2,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,state,2020-12-20,2021-03-16,51,27.1765913,70.855797,46.8312565,5.867508,2021-03-21 11:52:10,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,county,2020-12-20,2021-08-08,737,0.1752614,28.2857884,8.9449866,3.7064829,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,hrr,2020-12-20,2021-08-06,306,0.2272727,30.3533353,7.9655254,3.6735202,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,msa,2020-12-20,2021-08-07,355,0.3346528,28.2857884,8.4909303,3.4597848,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,nation,2020-12-20,2021-08-08,1,1.3664651,12.6292333,6.1871506,3.1501693,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,state,2020-12-20,2021-08-08,51,0.1752614,19.5292362,6.8180187,3.327128,2021-08-13 12:57:21,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,county,2020-12-20,2021-08-08,740,0.446429,64.1367354,33.1742871,9.4013078,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_who,day,hrr,2020-12-20,2021-08-06,306,0.5846541,58.6165461,29.2521162,10.0645951,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,msa,2020-12-20,2021-08-07,358,3.0838604,64.1367354,31.5261538,8.9701671,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,nation,2020-12-20,2021-08-08,1,6.6090807,37.8505547,22.2353713,11.8125939,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,state,2020-12-20,2021-08-08,51,0.446429,55.5190485,25.8668459,11.3348938,2021-08-13 12:57:22,20210813,2,44 -fb-survey,smoothed_wwant_info_children_education,day,county,2021-05-20,2022-06-25,355,0.292383,29.353383,7.4068442,3.2172861,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_children_education,day,hrr,2021-05-20,2022-06-25,289,0.2066116,29.4027965,6.8066621,3.0104577,2022-07-01 15:00:10,20220701,4,110 -fb-survey,smoothed_wwant_info_children_education,day,msa,2021-05-20,2022-06-25,215,0.3121147,29.353383,7.0214816,2.9380345,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_children_education,day,nation,2021-05-20,2022-06-25,1,5.613506,9.5645405,6.9718878,0.9618779,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_children_education,day,state,2021-05-20,2022-06-25,51,0.292383,16.2595185,6.4099107,1.9891178,2022-07-01 15:00:33,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,county,2021-05-20,2022-06-25,355,1.1167606,46.193412,17.0093775,5.4830206,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,hrr,2021-05-20,2022-06-25,289,1.3156696,44.8880955,15.9854304,5.2418061,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,msa,2021-05-20,2022-06-25,215,1.5657304,44.1036485,16.3164943,5.0559612,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,nation,2021-05-20,2022-06-25,1,11.5313912,21.4571967,16.3484578,2.3465849,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,state,2021-05-20,2022-06-25,51,2.5616594,35.9025179,15.1397714,3.9667136,2022-07-01 15:00:33,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,county,2021-05-20,2022-06-25,355,7.710231,60.6066359,28.8753534,6.8013948,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_covid_variants,day,hrr,2021-05-20,2022-06-25,289,5.9163304,60.0311803,26.984193,6.511051,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,msa,2021-05-20,2022-06-25,215,8.9517221,55.3597721,27.854011,6.1438722,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,nation,2021-05-20,2022-06-25,1,22.7048749,34.8015595,27.4057197,3.7141623,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,state,2021-05-20,2022-06-25,51,6.6991966,58.6471109,26.3085977,5.4736628,2022-07-01 15:00:33,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,county,2021-05-20,2022-06-25,355,1.2708084,43.4376744,13.9642245,4.7943139,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_employment,day,hrr,2021-05-20,2022-06-25,289,0.9601587,40.0580879,13.1043427,4.4517553,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,msa,2021-05-20,2022-06-25,215,2.0095913,41.7064632,13.3294776,4.1553257,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,nation,2021-05-20,2022-06-25,1,12.448366,15.4840719,13.6531257,0.6712723,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,state,2021-05-20,2022-06-25,51,2.3872098,27.6016744,12.6311235,2.9337623,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,county,2021-05-20,2022-06-25,355,2.3491042,46.3749193,18.5940015,5.1881484,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_mental_health,day,hrr,2021-05-20,2022-06-25,289,2.1985778,46.9791113,17.2598518,4.807292,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,msa,2021-05-20,2022-06-25,215,1.9431669,47.4614322,17.8429746,4.4491411,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,nation,2021-05-20,2022-06-25,1,15.9678165,19.9677129,17.803888,0.9993642,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,state,2021-05-20,2022-06-25,51,2.9363483,46.3749193,16.8558162,3.3298125,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,county,2021-05-20,2022-06-25,355,16.5501582,82.2405138,54.2453005,8.4337292,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_none,day,hrr,2021-05-20,2022-06-25,289,16.4047071,85.5599573,56.7461528,8.2363471,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,msa,2021-05-20,2022-06-25,215,22.7590951,82.4896053,55.8203858,7.22966,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,nation,2021-05-20,2022-06-25,1,50.215821,59.1416216,55.6319834,2.5283015,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,state,2021-05-20,2022-06-25,51,27.563182,83.2953347,57.9695431,6.3063546,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,county,2021-05-20,2022-06-25,355,0.454955,34.7167506,9.3233291,3.6982645,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_relationships,day,hrr,2021-05-20,2022-06-25,289,0.3289474,32.7373288,8.4533624,3.3466102,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,msa,2021-05-20,2022-06-25,215,0.4231536,39.3171652,8.759038,3.1968178,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,nation,2021-05-20,2022-06-25,1,7.1218982,10.2674231,8.6145216,1.0178285,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,state,2021-05-20,2022-06-25,51,0.5517402,26.2315663,7.9942383,2.4207866,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,county,2021-05-20,2022-06-25,355,0.1219361,21.4938234,3.1003567,1.9796343,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,hrr,2021-05-20,2022-06-25,289,0.1075269,16.9004841,2.8537367,1.8017906,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,msa,2021-05-20,2022-06-25,215,0.1331817,30.3987418,2.9296704,1.851172,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,nation,2021-05-20,2022-06-25,1,2.2664813,3.4611316,2.8570513,0.2461644,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,state,2021-05-20,2022-06-25,51,0.1219361,10.5290937,2.5865831,1.1148775,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,county,2021-05-20,2022-06-25,355,0.3451439,34.292441,9.2703739,3.4846302,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,hrr,2021-05-20,2022-06-25,289,0.3448276,33.9369294,8.7436942,3.259631,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,msa,2021-05-20,2022-06-25,215,0.4226636,37.6360851,8.9183023,3.1873154,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,nation,2021-05-20,2022-06-25,1,7.6142741,10.9393633,8.9021634,0.6874703,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,state,2021-05-20,2022-06-25,51,0.3459039,22.67155,8.2462851,2.1658732,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwanted_test_14d,day,county,2020-09-08,2021-08-08,739,0.1587571,41.5185667,7.5925977,4.1336842,2021-08-13 12:55:26,20210813,0,92 -fb-survey,smoothed_wwanted_test_14d,day,hrr,2020-09-08,2021-08-08,306,0.1355014,27.9964178,7.1987494,3.7610783,2021-08-13 12:56:18,20210813,5,92 -fb-survey,smoothed_wwanted_test_14d,day,msa,2020-09-08,2021-08-08,358,0.1587571,36.3557968,7.3513823,3.8123354,2021-08-13 12:56:58,20210813,5,92 -fb-survey,smoothed_wwanted_test_14d,day,nation,2020-09-08,2021-08-08,1,1.4779078,12.1428717,6.611073,3.3730495,2021-08-13 12:57:04,20210813,5,98 -fb-survey,smoothed_wwanted_test_14d,day,state,2020-09-08,2021-08-08,51,0.1976331,23.1824888,6.6375353,3.537193,2021-08-13 12:57:22,20210813,5,92 -fb-survey,smoothed_wwearing_mask,day,county,2020-09-08,2021-02-21,742,46.5246845,99.7326725,88.7819744,6.9900593,2021-03-17 18:42:52,20210317,0,92 -fb-survey,smoothed_wwearing_mask,day,hrr,2020-09-08,2021-02-20,306,44.9625133,99.6774194,86.7584134,7.3901029,2021-03-17 18:42:15,20210317,5,92 -fb-survey,smoothed_wwearing_mask,day,msa,2020-09-08,2021-02-21,359,43.5831097,99.6775583,87.5598281,7.0845001,2021-03-17 18:43:17,20210317,5,92 -fb-survey,smoothed_wwearing_mask,day,nation,2020-09-08,2021-02-22,1,84.3485583,93.2178515,88.8670227,3.1131215,2021-03-17 18:44:10,20210317,5,98 -fb-survey,smoothed_wwearing_mask,day,state,2020-09-08,2021-02-21,51,50.762044,99.5948522,87.2809617,6.9568473,2021-03-17 18:43:24,20210317,5,92 -fb-survey,smoothed_wwearing_mask_7d,day,county,2021-02-09,2022-06-25,662,5.98686,99.7573185,61.80579,23.0183261,2022-07-01 14:59:56,20220701,1,63 -fb-survey,smoothed_wwearing_mask_7d,day,hrr,2021-02-09,2022-06-25,306,4.5437691,99.795082,56.6835861,23.0747418,2022-07-01 15:00:11,20220701,4,63 -fb-survey,smoothed_wwearing_mask_7d,day,msa,2021-02-09,2022-06-25,344,4.0666985,99.7573185,59.6318864,22.7905839,2022-07-01 15:00:22,20220701,4,63 -fb-survey,smoothed_wwearing_mask_7d,day,nation,2021-02-09,2022-06-25,1,29.0033818,92.0933281,59.5204752,18.7918683,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wwearing_mask_7d,day,state,2021-02-09,2022-06-25,51,5.8599585,99.5762712,55.8022928,22.959884,2022-07-01 15:00:34,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_1d,day,county,2020-09-08,2021-03-15,831,9.4509317,64.2551351,35.0285712,6.8365381,2021-03-20 11:51:35,20210320,0,92 -fb-survey,smoothed_wwork_outside_home_1d,day,hrr,2020-09-08,2021-03-11,306,14.3288,61.1471406,35.6776456,6.2129467,2021-03-17 18:58:05,20210317,2,92 -fb-survey,smoothed_wwork_outside_home_1d,day,msa,2020-09-08,2021-03-14,370,10.006004,65.7893559,35.8972798,6.6585783,2021-03-19 11:51:48,20210319,1,92 -fb-survey,smoothed_wwork_outside_home_1d,day,nation,2020-09-08,2021-03-18,1,24.3270003,39.1900137,34.6474592,3.6229461,2021-03-23 11:53:46,20210323,2,98 -fb-survey,smoothed_wwork_outside_home_1d,day,state,2020-09-08,2021-03-15,51,9.7034648,57.2831637,35.8318816,5.9256329,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,county,2021-03-02,2022-06-25,670,9.7798451,69.9875077,39.1239113,6.6479648,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,13.1381872,69.6931906,39.8079887,6.23601,2022-07-01 15:00:11,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,msa,2021-03-02,2022-06-25,349,9.7798451,71.1995787,39.7791789,6.5067048,2022-07-01 15:00:22,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,nation,2021-03-02,2022-06-25,1,27.6726804,43.7207665,39.2049883,2.9440257,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,state,2021-03-02,2022-06-25,51,13.7594749,60.8604643,40.5472778,5.2836308,2022-07-01 15:00:34,20220701,4,63 -fb-survey,smoothed_wworried_become_ill,day,county,2020-09-08,2021-08-08,739,19.5361406,93.9006459,59.5562444,9.5501101,2021-08-13 12:55:28,20210813,0,92 -fb-survey,smoothed_wworried_become_ill,day,hrr,2020-09-08,2021-08-08,306,22.3139171,86.8522829,57.9492483,9.2887984,2021-08-13 12:56:20,20210813,5,92 -fb-survey,smoothed_wworried_become_ill,day,msa,2020-09-08,2021-08-08,358,19.5361406,93.9006459,58.6357432,9.3591756,2021-08-13 12:56:59,20210813,5,92 -fb-survey,smoothed_wworried_become_ill,day,nation,2020-09-08,2021-08-08,1,35.7184994,70.8400827,55.67588,10.2247137,2021-08-13 12:57:04,20210813,5,98 -fb-survey,smoothed_wworried_become_ill,day,state,2020-09-08,2021-08-08,51,19.6673155,78.9788449,56.1876233,10.1268506,2021-08-13 12:57:22,20210813,5,92 -fb-survey,smoothed_wworried_catch_covid,day,county,2021-05-20,2022-06-25,376,12.4829172,84.2052504,46.7587756,10.8126579,2022-07-01 14:59:57,20220701,1,110 -fb-survey,smoothed_wworried_catch_covid,day,hrr,2021-05-20,2022-06-25,293,11.5162804,84.1507655,43.7524424,10.5488557,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wworried_catch_covid,day,msa,2021-05-20,2022-06-25,220,13.7197585,84.2052504,45.0489584,10.1411255,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wworried_catch_covid,day,nation,2021-05-20,2022-06-25,1,33.1016879,57.3264887,44.5170577,6.459023,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wworried_catch_covid,day,state,2021-05-20,2022-06-25,51,10.8843351,78.59617,41.8433606,9.4276472,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wworried_finances,day,county,2020-09-08,2022-06-25,750,11.1143697,83.6218012,41.1647182,8.0881449,2022-07-01 14:59:57,20220701,0,92 -fb-survey,smoothed_wworried_finances,day,hrr,2020-09-08,2022-06-25,306,12.2427033,76.4272193,41.1335091,7.4902084,2022-07-01 15:00:11,20220701,4,92 -fb-survey,smoothed_wworried_finances,day,msa,2020-09-08,2022-06-25,360,13.1044873,83.6218012,41.2964627,7.7953364,2022-07-01 15:00:22,20220701,4,92 -fb-survey,smoothed_wworried_finances,day,nation,2020-09-08,2022-06-25,1,36.1576239,50.5120064,41.1379765,3.9146201,2022-07-01 15:00:26,20220701,4,98 -fb-survey,smoothed_wworried_finances,day,state,2020-09-08,2022-06-25,51,18.9410484,58.378139,39.9359039,5.5342188,2022-07-01 15:00:34,20220701,4,92 -fb-survey,smoothed_wworried_vaccine_side_effects,day,county,2021-01-13,2022-06-25,722,15.0713634,86.347618,53.2623794,14.7692205,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,hrr,2021-01-13,2022-06-25,306,21.06384,89.8120578,59.8813023,13.4791837,2022-07-01 15:00:12,20220701,4,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,msa,2021-01-13,2022-06-25,359,19.229984,87.642629,55.2390122,14.4232621,2022-07-01 15:00:22,20220701,4,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,nation,2021-01-13,2022-06-25,1,38.6339196,72.2343997,65.5906145,9.0739766,2022-07-01 15:00:26,20220701,2,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,state,2021-01-13,2022-06-25,51,23.0894615,85.903338,64.6252616,10.8323669,2022-07-01 15:00:34,20220701,4,63 -ght,raw_search,day,dma,2020-02-01,2021-03-04,210,0.0,1565.76200417525,20.9482376,65.2674025,2021-03-08 13:51:23,20210308,2,95 -ght,raw_search,day,hrr,2020-02-01,2021-03-04,306,0.0,1410.08842302,21.9186474,49.0164187,2021-03-08 13:51:23,20210308,2,95 -ght,raw_search,day,msa,2020-02-01,2021-03-04,381,0.0,1565.76200417525,22.1626516,55.1958568,2021-03-08 13:51:24,20210308,2,95 -ght,raw_search,day,state,2020-02-01,2021-03-04,51,0.0,530.20464784,20.8002893,34.0252416,2021-03-08 13:51:24,20210308,2,95 -ght,smoothed_search,day,dma,2020-02-01,2021-03-04,210,0.0,1527.49490835,21.6425026,49.2963765,2021-03-08 13:51:23,20210308,2,95 -ght,smoothed_search,day,hrr,2020-02-01,2021-03-04,306,0.0,1410.08842302,22.2032196,38.1130556,2021-03-08 13:51:23,20210308,2,95 -ght,smoothed_search,day,msa,2020-02-01,2021-03-04,381,0.0,1527.49490835,22.6439253,41.9518625,2021-03-08 13:51:24,20210308,2,95 -ght,smoothed_search,day,state,2020-02-01,2021-03-04,51,0.0,530.20464784,21.0425576,27.779224,2021-03-08 13:51:24,20210308,2,95 -google-survey,raw_cli,day,county,2020-04-11,2020-05-14,649,0.409836065573771,35.423894886623,7.5642062,2.3033009,2020-05-15 14:51:20,20200516,1,27 -google-survey,raw_cli,day,hrr,2020-04-11,2020-05-14,282,0.78125,23.8735267431388,7.5031418,2.1662551,2020-05-15 14:51:20,20200516,2,27 -google-survey,raw_cli,day,msa,2020-04-11,2020-05-14,324,0.0,20.2898257604082,7.41813,2.0245724,2020-05-15 14:51:20,20200516,2,27 -google-survey,raw_cli,day,state,2020-04-11,2020-05-14,51,2.17391304347826,18.787540792796,7.2286506,1.740113,2020-05-15 14:51:20,20200516,2,27 -google-survey,smoothed_cli,day,county,2020-04-11,2020-05-14,649,0.880545893794213,28.749996064143,7.5262832,2.1496115,2020-05-15 14:51:20,20200516,1,27 -google-survey,smoothed_cli,day,hrr,2020-04-11,2020-05-14,282,3.7019332071209,22.726557194704,7.5733011,2.0361627,2020-05-15 14:51:20,20200516,2,27 -google-survey,smoothed_cli,day,msa,2020-04-11,2020-05-14,324,3.01822323462415,19.1367838167457,7.4565365,1.7716232,2020-05-15 14:51:20,20200516,2,27 -google-survey,smoothed_cli,day,state,2020-04-11,2020-05-14,51,3.64100926221654,18.1033479398524,7.1670572,1.7637356,2020-05-15 14:51:20,20200516,2,27 -google-symptoms,ageusia_raw_search,day,county,2020-02-13,2022-01-20,92,0.02,2.8,0.1628996,0.1148612,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,ageusia_raw_search,day,hhs,2020-02-14,2022-01-20,10,0.0131270807702595,1.2480681700533858,0.140034,0.0911828,2022-01-24 14:03:00,20220124,4,669 -google-symptoms,ageusia_raw_search,day,hrr,2020-02-13,2022-01-20,106,7.070846583878629e-07,2.1978302516782264,0.0903941,0.0964045,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,ageusia_raw_search,day,msa,2020-02-13,2022-01-20,54,0.003390280129528332,1.4696504092228102,0.1162842,0.0898667,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,ageusia_raw_search,day,nation,2020-02-14,2022-01-20,1,0.0298998387351133,0.5080993582433261,0.1514058,0.0756495,2022-01-24 14:03:01,20220124,4,669 -google-symptoms,ageusia_raw_search,day,state,2020-02-13,2022-01-20,43,0.02,1.6,0.1737928,0.1028339,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,ageusia_smoothed_search,day,county,2020-02-20,2022-01-20,92,0.032857142857142856,2.0014285714285713,0.1793956,0.1175762,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,ageusia_smoothed_search,day,hhs,2020-02-20,2022-01-20,10,0.0179084404925376,0.9134917551559588,0.1412503,0.0881181,2022-01-24 14:03:00,20220124,4,663 -google-symptoms,ageusia_smoothed_search,day,hrr,2020-02-20,2022-01-20,106,6.575606920968502e-06,1.9360977520295874,0.0996178,0.097535,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,ageusia_smoothed_search,day,msa,2020-02-20,2022-01-20,54,0.012888080770378096,1.1303163980678963,0.1252972,0.0908501,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,ageusia_smoothed_search,day,nation,2020-02-20,2022-01-20,1,0.0338719602832891,0.3869580463385803,0.151751,0.0732171,2022-01-24 14:03:01,20220124,4,663 -google-symptoms,ageusia_smoothed_search,day,state,2020-02-20,2022-01-20,43,0.03428571428571429,1.18,0.1775286,0.1007419,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,anosmia_raw_search,day,county,2020-02-13,2022-01-20,109,0.03,6.57,0.2204089,0.1742904,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,anosmia_raw_search,day,hhs,2020-02-14,2022-01-20,10,0.0173693227372303,2.7200165442391304,0.1945913,0.1329324,2022-01-24 14:03:00,20220124,4,669 -google-symptoms,anosmia_raw_search,day,hrr,2020-02-13,2022-01-20,115,5.656677267102902e-07,4.9685954785081545,0.1306022,0.139857,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,anosmia_raw_search,day,msa,2020-02-13,2022-01-20,64,0.008836151767567543,3.132953842235674,0.1635651,0.1279177,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,anosmia_raw_search,day,nation,2020-02-14,2022-01-20,1,0.0438656821358702,1.29733135353733,0.2050263,0.1108735,2022-01-24 14:03:01,20220124,4,669 -google-symptoms,anosmia_raw_search,day,state,2020-02-13,2022-01-20,44,0.03,3.47,0.2254759,0.1390483,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,anosmia_smoothed_search,day,county,2020-02-20,2022-01-20,109,0.041428571428571426,3.762857142857143,0.2360233,0.1638776,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,anosmia_smoothed_search,day,hhs,2020-02-20,2022-01-20,10,0.0273448966120518,1.787173096021979,0.1953557,0.1200617,2022-01-24 14:03:00,20220124,4,663 -google-symptoms,anosmia_smoothed_search,day,hrr,2020-02-20,2022-01-20,115,5.873357638146623e-06,3.3597563656479172,0.1382351,0.1334759,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,anosmia_smoothed_search,day,msa,2020-02-20,2022-01-20,64,0.017221895862723442,2.1852318317670267,0.1714624,0.1203665,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,anosmia_smoothed_search,day,nation,2020-02-20,2022-01-20,1,0.0488230407808455,0.7001163446093951,0.2054266,0.0978696,2022-01-24 14:03:01,20220124,4,663 -google-symptoms,anosmia_smoothed_search,day,state,2020-02-20,2022-01-20,44,0.044285714285714275,2.307142857142857,0.2293551,0.1254468,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,s01_raw_search,day,county,2020-02-14,2024-07-13,1523,0.145,41.7575,1.4458065,0.6029111,2024-07-17 13:15:29,20240717,4,738 -google-symptoms,s01_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.5629032,4.8329906,1.5626725,0.5987219,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s01_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0025898,5.9852293,1.2959006,0.5858162,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s01_raw_search,day,msa,2020-02-14,2024-07-13,384,0.1525,6.8110606,1.3936503,0.5849853,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s01_raw_search,day,nation,2020-02-14,2024-07-13,1,0.7398929,4.3968376,1.613721,0.5701939,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s01_raw_search,day,state,2020-02-14,2024-07-13,51,0.345,5.4375,1.5659896,0.6261226,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s01_smoothed_search,day,county,2020-02-20,2024-07-13,1523,0.0,19.3282143,1.3457387,0.6052145,2024-07-17 13:15:29,20240717,4,732 -google-symptoms,s01_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.6021712,4.5579379,1.5626276,0.5918432,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s01_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,5.454187,1.2737633,0.5905242,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s01_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,5.4585924,1.3693011,0.5858352,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,s01_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.7624728,4.1780875,1.6137093,0.5635924,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s01_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.3928571,5.1821429,1.5659408,0.617283,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s02_raw_search,day,county,2020-02-14,2024-07-13,2082,0.1933333,15.23,1.9736893,0.9636114,2024-07-17 13:15:29,20240717,4,738 -google-symptoms,s02_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.9644648,10.2016334,2.3780304,0.9261871,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s02_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0619654,11.9665981,2.0572122,0.9312176,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s02_raw_search,day,msa,2020-02-14,2024-07-13,384,0.2189365,12.1074102,2.1978484,0.9426042,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s02_raw_search,day,nation,2020-02-14,2024-07-13,1,1.2120147,9.6328876,2.4306044,0.8874711,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s02_raw_search,day,state,2020-02-14,2024-07-13,51,0.545,11.955,2.403114,0.9693,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s02_smoothed_search,day,county,2020-02-20,2024-07-13,2082,0.0,9.8964286,1.7974889,0.9874446,2024-07-17 13:15:30,20240717,3,732 -google-symptoms,s02_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.9898071,8.5374392,2.3779637,0.911629,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s02_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,9.8010037,2.0227886,0.9385257,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s02_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,9.805927,2.1610385,0.9473767,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,s02_smoothed_search,day,nation,2020-02-20,2024-07-13,1,1.2745183,8.0950094,2.4306106,0.8739282,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s02_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.6290476,9.7983333,2.4029937,0.9524848,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s03_raw_search,day,county,2020-02-14,2024-07-13,1556,0.114,9.344,0.863376,0.3517303,2024-07-17 13:15:31,20240717,4,738 -google-symptoms,s03_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.4449867,5.0817512,0.9618082,0.3212215,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s03_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0020661,6.7535321,0.7632649,0.348486,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s03_raw_search,day,msa,2020-02-14,2024-07-13,384,0.0770901,6.5204411,0.8108243,0.3297275,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s03_raw_search,day,nation,2020-02-14,2024-07-13,1,0.568635,4.557349,0.9806504,0.3004047,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s03_raw_search,day,state,2020-02-14,2024-07-13,51,0.258,6.32,0.953399,0.3397813,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s03_smoothed_search,day,county,2020-02-20,2024-07-13,1556,0.0,5.3408571,0.7453625,0.3538509,2024-07-17 13:15:31,20240717,3,732 -google-symptoms,s03_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.4821263,3.9093147,0.9618966,0.3105097,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s03_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,4.9255751,0.7505019,0.3456565,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s03_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,4.7907217,0.7964956,0.3230314,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,s03_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.6007511,3.6128182,0.9807975,0.2906154,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s03_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.2945714,4.5048571,0.953463,0.3267243,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s04_raw_search,day,county,2020-02-14,2024-07-13,1031,0.0525,3.93,0.4827724,0.2070064,2024-07-17 13:15:31,20240717,4,738 -google-symptoms,s04_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.2403526,1.7477591,0.6571675,0.17183,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s04_raw_search,day,hrr,2020-02-14,2024-07-13,305,6.5e-05,3.8307638,0.4429192,0.2129804,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s04_raw_search,day,msa,2020-02-14,2024-07-13,383,0.0289013,3.8388485,0.491735,0.2000115,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s04_raw_search,day,nation,2020-02-14,2024-07-13,1,0.3475773,1.6138886,0.6691913,0.1556553,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s04_raw_search,day,state,2020-02-14,2024-07-13,51,0.09875,1.98125,0.6652702,0.190865,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s04_smoothed_search,day,county,2020-02-20,2024-07-13,1031,0.0,1.9792857,0.4275826,0.2233178,2024-07-17 13:15:32,20240717,4,732 -google-symptoms,s04_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.302677,1.633269,0.657328,0.1624917,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s04_smoothed_search,day,hrr,2020-02-20,2024-07-13,305,0.0,1.9341105,0.4332943,0.2118484,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s04_smoothed_search,day,msa,2020-02-20,2024-07-13,383,0.0,1.9757143,0.4760023,0.1972503,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s04_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.4146152,1.5291331,0.669355,0.1457618,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s04_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.2210714,1.8407143,0.6654414,0.1792661,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s05_raw_search,day,county,2020-02-14,2024-07-13,114,0.0066667,3.32,0.1073134,0.0870051,2024-07-17 13:15:32,20240717,4,738 -google-symptoms,s05_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.0043757,1.429934,0.1045632,0.0712873,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s05_raw_search,day,hrr,2020-02-14,2024-07-13,118,3e-07,2.5509742,0.064284,0.0702217,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s05_raw_search,day,msa,2020-02-14,2024-07-13,65,0.0017701,1.653679,0.0801509,0.0668067,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s05_raw_search,day,nation,2020-02-14,2024-07-13,1,0.0197424,0.6667448,0.1108536,0.064888,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s05_raw_search,day,state,2020-02-14,2024-07-13,45,0.01,1.8233333,0.1201437,0.0799874,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s05_smoothed_search,day,county,2020-02-20,2024-07-13,114,0.0,2.0214286,0.0923442,0.0829948,2024-07-17 13:15:32,20240717,3,732 -google-symptoms,s05_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.0,1.0099765,0.1044928,0.0690878,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s05_smoothed_search,day,hrr,2020-02-20,2024-07-13,118,0.0,1.9636653,0.0583359,0.0665195,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s05_smoothed_search,day,msa,2020-02-20,2024-07-13,65,0.0,1.2305151,0.0703972,0.0640411,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s05_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.0222244,0.4012052,0.1111188,0.0629392,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s05_smoothed_search,day,state,2020-02-20,2024-07-13,45,0.0,1.2985714,0.1023828,0.0811467,2024-07-17 13:15:36,20240717,3,732 -google-symptoms,s06_raw_search,day,county,2020-02-14,2024-07-13,869,0.0733333,3.8166667,0.7171405,0.2509621,2024-07-17 13:15:32,20240717,4,738 -google-symptoms,s06_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.3065122,1.9331217,0.7831431,0.2417782,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s06_raw_search,day,hrr,2020-02-14,2024-07-13,304,8.36e-05,2.6907692,0.5563906,0.2612786,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s06_raw_search,day,msa,2020-02-14,2024-07-13,379,0.0698392,3.6766667,0.6513573,0.2451345,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s06_raw_search,day,nation,2020-02-14,2024-07-13,1,0.3923812,1.7562711,0.8039715,0.2280758,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s06_raw_search,day,state,2020-02-14,2024-07-13,51,0.1533333,2.2033333,0.7768827,0.2577945,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s06_smoothed_search,day,county,2020-02-20,2024-07-13,869,0.0,2.942381,0.6715739,0.2519801,2024-07-17 13:15:32,20240717,4,732 -google-symptoms,s06_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.3288689,1.804973,0.783512,0.2387222,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s06_smoothed_search,day,hrr,2020-02-20,2024-07-13,304,0.0,2.4442007,0.5435988,0.263496,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s06_smoothed_search,day,msa,2020-02-20,2024-07-13,379,0.0,2.942381,0.6269093,0.2474402,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s06_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.4007222,1.5691818,0.8043518,0.2252896,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s06_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.1852381,2.0328571,0.7772562,0.2522011,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,scontrol_raw_search,day,county,2020-02-14,2024-07-13,1438,0.25,14.124,3.3171389,1.0021697,2024-07-17 13:15:32,20240717,4,738 -google-symptoms,scontrol_raw_search,day,hhs,2020-02-14,2024-07-13,10,2.097142,10.5574026,3.561163,0.4858404,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,scontrol_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0535164,12.348618,3.1551263,0.8088133,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,scontrol_raw_search,day,msa,2020-02-14,2024-07-13,384,0.2728576,14.124,3.529657,0.7122945,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,scontrol_raw_search,day,nation,2020-02-14,2024-07-13,1,2.6600321,9.6695483,3.6656477,0.3549504,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,scontrol_raw_search,day,state,2020-02-14,2024-07-13,51,1.386,12.48,3.6053961,0.5999558,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,scontrol_smoothed_search,day,county,2020-02-20,2024-07-13,1438,0.0,7.4088571,3.2498719,0.9947871,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,2.1692694,6.0588907,3.5622185,0.4422332,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,6.844638,3.1042179,0.8640953,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,7.3748571,3.4726074,0.7844,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,nation,2020-02-20,2024-07-13,1,2.7735218,5.4817889,3.6667235,0.2933651,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,state,2020-02-20,2024-07-13,51,1.4714286,6.9245714,3.6065001,0.5602287,2024-07-17 13:15:37,20240717,4,732 -google-symptoms,sum_anosmia_ageusia_raw_search,day,county,2020-02-13,2022-01-20,109,0.03,9.370000000000001,0.3426697,0.2744206,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_raw_search,day,hhs,2020-02-14,2022-01-20,10,0.0173693227372303,3.968084714292517,0.3342102,0.2173844,2022-01-24 14:03:00,20220124,4,669 -google-symptoms,sum_anosmia_ageusia_raw_search,day,hrr,2020-02-13,2022-01-20,115,7.070846583878629e-07,7.166425730186382,0.2073388,0.2238387,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_raw_search,day,msa,2020-02-13,2022-01-20,64,0.010383161866232391,4.602604251458484,0.2531459,0.2000587,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_raw_search,day,nation,2020-02-14,2022-01-20,1,0.0765355929387654,1.8054307117806556,0.3564321,0.1798115,2022-01-24 14:03:01,20220124,4,669 -google-symptoms,sum_anosmia_ageusia_raw_search,day,state,2020-02-13,2022-01-20,44,0.03,5.07,0.3827677,0.23348,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,county,2020-02-20,2022-01-20,109,0.04999999999999999,5.484285714285714,0.3699355,0.2612152,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,hhs,2020-02-20,2022-01-20,10,0.0423773980448919,2.7006648511779376,0.3352803,0.2044591,2022-01-24 14:03:00,20220124,4,663 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,hrr,2020-02-20,2022-01-20,115,8.107787174398055e-06,5.295854117677505,0.2186379,0.2170476,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,msa,2020-02-20,2022-01-20,64,0.01847196972373093,3.3155482298349233,0.2682165,0.1921036,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,nation,2020-02-20,2022-01-20,1,0.0830425325246353,1.0206403040899057,0.3571776,0.1669782,2022-01-24 14:03:01,20220124,4,663 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,state,2020-02-20,2022-01-20,44,0.051428571428571435,3.487142857142857,0.3951061,0.2187848,2022-01-24 14:03:01,20220124,3,329 -hhs,confirmed_admissions_covid_1d,day,hhs,2019-12-31,2024-04-26,10,0.0,5435.0,461.1311591,633.5614487,2024-05-04 18:12:32,20240504,3,1199 -hhs,confirmed_admissions_covid_1d,day,nation,2019-12-31,2024-04-26,1,0.0,23473.0,4540.0417986,4189.309632,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_covid_1d,day,state,2019-12-31,2024-04-26,54,0.0,2580.0,96.1909912,179.0364888,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_covid_1d_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,5048.4285714,462.7522463,629.8128073,2024-05-04 18:12:32,20240504,4,1193 -hhs,confirmed_admissions_covid_1d_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,21996.7142857,4555.7389883,4155.626106,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_covid_1d_7dav,day,state,2020-01-06,2024-04-26,54,-2.18873,2402.8571429,96.0135017,177.278203,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_covid_1d_prop,day,hhs,2019-12-31,2024-04-26,10,0.0,9.2921323,1.3065361,1.3107456,2024-05-04 18:12:32,20240504,3,1199 -hhs,confirmed_admissions_covid_1d_prop,day,nation,2019-12-31,2024-04-26,1,0.0,7.0411442,1.3624152,1.2563057,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_covid_1d_prop,day,state,2019-12-31,2024-04-26,54,0.0,30.6201481,1.4766189,1.5482264,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,8.4438675,1.3107632,1.2970562,2024-05-04 18:12:32,20240504,5,1193 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,6.598306,1.3669301,1.2463811,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54,-0.0587884,13.5606169,1.4799905,1.5007705,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d,day,hhs,2019-12-31,2024-04-26,10,0.0,1020.0,36.3701512,81.5215794,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d,day,nation,2019-12-31,2024-04-26,1,0.0,4139.0,358.050665,667.4539517,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_influenza_1d,day,state,2019-12-31,2024-04-26,54,0.0,527.0,8.079549,22.3643642,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,824.4285714,36.4463386,80.8724694,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,3810.4285714,358.8049224,664.1485754,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_influenza_1d_7dav,day,state,2020-01-06,2024-04-26,54,-235.7730334,466.7142857,7.9743098,22.2495347,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d_prop,day,hhs,2019-12-31,2024-04-26,10,0.0,2.1320358,0.1081863,0.2206152,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d_prop,day,nation,2019-12-31,2024-04-26,1,0.0,1.2415667,0.1074078,0.2002126,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_influenza_1d_prop,day,state,2019-12-31,2024-04-26,54,0.0,3.4666547,0.1327134,0.2825847,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,1.887586,0.1084012,0.2181674,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,1.1430059,0.1076326,0.1992218,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54,-7.5128606,3.1329084,0.1299443,0.289478,2024-05-04 18:12:32,20240504,2,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,hhs,2019-12-31,2024-04-26,10,0.0,6806.0,839.2928728,929.1560226,2024-05-04 18:12:32,20240504,4,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,nation,2019-12-31,2024-04-26,1,0.0,30339.0,8263.2216593,6137.0740488,2024-05-04 18:12:32,20240504,8,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,state,2019-12-31,2024-04-26,54,0.0,3336.0,176.9070707,270.2597076,2024-05-04 18:12:32,20240504,2,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,6255.1428571,842.0457741,921.1235546,2024-05-04 18:12:32,20240504,5,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,28260.7142857,8289.8381618,6066.4615525,2024-05-04 18:12:32,20240504,8,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,state,2020-01-06,2024-04-26,54,-1947060.9047407,3031.2857143,-295.5559628,21361.3282651,2024-05-04 18:12:32,20240504,2,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,hhs,2019-12-31,2024-04-26,10,0.0,11.2926069,2.4350865,1.9583555,2024-05-04 18:12:32,20240504,4,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,nation,2019-12-31,2024-04-26,1,0.0,9.1007231,2.4797186,1.8400811,2024-05-04 18:12:32,20240504,8,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,state,2019-12-31,2024-04-26,54,0.0,112.4449151,2.8111772,2.6390245,2024-05-04 18:12:32,20240504,2,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,10.5333585,2.442418,1.9278248,2024-05-04 18:12:32,20240504,5,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,8.4773043,2.487346,1.8193067,2024-05-04 18:12:32,20240504,8,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54,-28244.5801805,51.476778,-8.4047634,422.0103505,2024-05-04 18:12:32,20240504,2,1193 -hospital-admissions,smoothed_adj_covid19,day,county,2020-02-01,2020-09-27,1135,0.046381,89.490451,4.9874457,5.9539161,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19,day,hrr,2020-02-01,2020-09-27,292,0.033958,48.498128,4.7894585,5.3017575,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19,day,msa,2020-02-01,2020-09-27,329,0.024278,54.758257,4.8585652,5.4583597,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19,day,state,2020-02-01,2020-09-27,51,0.013853,33.703258,5.0163537,4.901157,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19_from_claims,day,county,2020-02-01,2024-07-12,1177,0.039949,92.932609,3.1722823,4.694149,2024-07-17 05:25:37,20240716,3,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,hhs,2020-02-01,2024-07-12,10,0.01194,30.98829,2.9154075,3.4358447,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,hrr,2020-02-01,2024-07-12,299,0.037466,48.579963,3.1296706,4.3537278,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,msa,2020-02-01,2024-07-12,359,0.038978,92.191139,3.1640435,4.6620124,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,nation,2020-02-01,2024-07-12,1,0.020735,13.848815,3.1675374,3.2341658,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,state,2020-02-01,2024-07-12,51,0.013436,39.025142,2.9281557,3.8463412,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19,day,county,2020-02-01,2020-09-27,1135,0.046381,89.228289,4.9482944,5.9092093,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19,day,hrr,2020-02-01,2020-09-27,292,0.033958,47.850381,4.7536429,5.2624303,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19,day,msa,2020-02-01,2020-09-27,329,0.023832,55.304972,4.8248071,5.4208578,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19,day,state,2020-02-01,2020-09-27,51,0.013815,33.471472,4.9818181,4.8663739,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19_from_claims,day,county,2020-02-01,2024-07-12,1177,0.039949,90.293503,3.1460388,4.6547357,2024-07-17 05:25:37,20240716,3,1627 -hospital-admissions,smoothed_covid19_from_claims,day,hhs,2020-02-01,2024-07-12,10,0.01194,30.015204,2.8936553,3.4109434,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,hrr,2020-02-01,2024-07-12,299,0.037466,47.175147,3.1020013,4.3148035,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,msa,2020-02-01,2024-07-12,359,0.038978,91.481414,3.1489802,4.6386471,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,nation,2020-02-01,2024-07-12,1,0.02086,13.621166,3.1446937,3.2121386,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,state,2020-02-01,2024-07-12,51,0.013436,38.53863,2.9027892,3.8122003,2024-07-17 05:25:37,20240716,4,1627 -indicator-combination,confirmed_7dav_cumulative_num,day,county,2020-02-20,2021-07-22,3274,0.0,1223614.2857143,4451.6919025,22017.5320001,2021-10-29 13:56:26,20211029,1,334 -indicator-combination,confirmed_7dav_cumulative_num,day,hhs,2020-04-01,2021-07-22,10,0.0,7188417.571428901,1530969.9948894,1769830.2764193,2021-10-29 13:56:30,20211029,2,318 -indicator-combination,confirmed_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-22,306,0.0,1231096.211411,47209.0843248,88790.3765754,2021-10-29 13:56:30,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_num,day,msa,2020-02-20,2021-07-22,392,0.0,2315347.8571429,32561.8929064,108591.3589872,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_num,day,nation,2020-04-01,2021-07-22,1,74929.2857143,33650273.85714449,15309699.9488942,12745243.5040741,2021-10-29 13:56:30,20211029,2,318 -indicator-combination,confirmed_7dav_cumulative_num,day,state,2020-02-20,2021-07-22,52,0.0,3760285.8571429,280274.0995621,497641.7493034,2021-10-29 13:56:27,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_prop,day,county,2020-02-20,2021-07-22,3221,0.0,82672.5905673,4345.8768113,4592.1599417,2021-10-29 13:56:30,20211029,1,334 -indicator-combination,confirmed_7dav_cumulative_prop,day,hhs,2020-04-01,2021-07-22,10,0.0,11461.734832056605,4479.4226489,3868.3229199,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,confirmed_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-22,306,0.0,17582.261312,4376.9970734,4207.6585217,2021-10-29 13:56:27,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-22,392,0.0,17506.9444955,4360.8940153,4233.6192614,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_prop,day,nation,2020-04-01,2021-07-22,1,22.5716054,10136.766904521428,4611.8750896,3839.3613999,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,confirmed_7dav_cumulative_prop,day,state,2020-02-20,2021-07-22,52,0.0,14571.1616265,4331.0505605,4228.9766786,2021-10-29 13:56:27,20211029,1,318 -indicator-combination,confirmed_7dav_incidence_num,day,county,2020-02-20,2021-11-12,3274,-6957.4285714,16237.4285714,22.1088929,115.4651391,2021-11-15 14:52:22,20211115,1,334 -indicator-combination,confirmed_7dav_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-2385.7142882,60077.8571421,7701.7995164,9366.1461658,2021-11-15 14:52:33,20211115,2,317 -indicator-combination,confirmed_7dav_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-878.66625472635,16309.6157378,234.124931,468.0589424,2021-11-15 14:52:33,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_num,day,msa,2020-02-20,2021-11-12,392,-1301.0,19537.4285714,156.9855208,532.5178698,2021-11-15 14:52:35,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_num,day,nation,2020-04-01,2021-11-12,1,6685.2857072,251196.4285711,77017.9951639,57826.4552552,2021-11-15 14:52:36,20211115,3,317 -indicator-combination,confirmed_7dav_incidence_num,day,state,2020-02-20,2021-11-12,52,-3731.8571429,45072.7142857,1388.8207591,2634.6073505,2021-11-15 14:52:37,20211115,1,314 -indicator-combination,confirmed_7dav_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-1904.1515998,14610.2795136,23.1677207,40.1453694,2021-11-15 14:52:23,20211115,1,334 -indicator-combination,confirmed_7dav_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-3.565656322020853,113.5732954,22.5814568,20.0656748,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,confirmed_7dav_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-132.5722959,683.6028314,22.5266058,25.799739,2021-11-15 14:52:33,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-793.0152259,1416.7418761,22.5201767,27.8145349,2021-11-15 14:52:35,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_prop,day,nation,2020-04-01,2021-11-12,1,2.0138672,75.6701017,23.2008057,17.4195699,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,confirmed_7dav_incidence_prop,day,state,2020-02-20,2021-11-12,52,-71.7332496,243.0667775,22.1858507,24.1984599,2021-11-15 14:52:37,20211115,1,314 -indicator-combination,confirmed_cumulative_num,day,county,2020-02-20,2021-11-12,3274,-1.0,1440262.0,5984.3194498,27226.9606968,2021-11-15 14:52:24,20211115,1,334 -indicator-combination,confirmed_cumulative_num,day,hhs,2020-04-01,2021-11-12,10,2834.0,10754684.0,2090196.4639594,2189823.6843901,2021-11-15 14:52:33,20211115,2,318 -indicator-combination,confirmed_cumulative_num,day,hrr,2020-02-20,2021-11-12,306,0.0,1449997.4965287,63347.0964754,109740.8308671,2021-11-15 14:52:33,20211115,1,318 -indicator-combination,confirmed_cumulative_num,day,msa,2020-02-20,2021-11-12,392,0.0,2707438.0,43084.3244209,133675.1598697,2021-11-15 14:52:35,20211115,1,318 -indicator-combination,confirmed_cumulative_num,day,nation,2020-04-01,2021-11-12,1,213422.0,46163217.0,20901964.6395939,14855182.7665433,2021-11-15 14:52:36,20211115,3,318 -indicator-combination,confirmed_cumulative_num,day,state,2020-02-20,2021-11-12,52,0.0,4719201.0,375917.7284567,620905.9963105,2021-11-15 14:52:37,20211115,1,318 -indicator-combination,confirmed_cumulative_prop,day,county,2020-02-20,2021-11-12,3221,0.0,113157.0023737,5932.7759708,5489.5382716,2021-11-15 14:52:25,20211115,1,334 -indicator-combination,confirmed_cumulative_prop,day,hhs,2020-04-01,2021-11-12,10,20.042121,16073.805310890504,6114.013827,4507.0973691,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,confirmed_cumulative_prop,day,hrr,2020-02-20,2021-11-12,306,0.0,23409.3912388,5909.2742684,5007.9501693,2021-11-15 14:52:34,20211115,1,318 -indicator-combination,confirmed_cumulative_prop,day,msa,2020-02-20,2021-11-12,392,0.0,23963.098094,5838.3391798,5069.5083137,2021-11-15 14:52:35,20211115,1,318 -indicator-combination,confirmed_cumulative_prop,day,nation,2020-04-01,2021-11-12,1,64.2909795,13906.150430704109,6296.4819929,4474.9568954,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,confirmed_cumulative_prop,day,state,2020-02-20,2021-11-12,52,0.0,20128.9936483,5812.9343872,5005.4235412,2021-11-15 14:52:37,20211115,1,318 -indicator-combination,confirmed_incidence_num,day,county,2020-02-20,2021-11-12,3274,-148527.0,42904.0,22.2074281,297.80297,2021-11-15 14:52:26,20211115,1,334 -indicator-combination,confirmed_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-24483.0,190937.0,7725.6541455,10662.7906019,2021-11-15 14:52:33,20211115,2,312 -indicator-combination,confirmed_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-17909.257254467,47945.581734850995,235.1779886,639.5392126,2021-11-15 14:52:34,20211115,1,314 -indicator-combination,confirmed_incidence_num,day,msa,2020-02-20,2021-11-12,392,-18686.0,65726.0,157.6013825,663.4550004,2021-11-15 14:52:35,20211115,1,314 -indicator-combination,confirmed_incidence_num,day,nation,2020-04-01,2021-11-12,1,-13564.0,367596.0,77256.5414552,63187.0620031,2021-11-15 14:52:36,20211115,3,312 -indicator-combination,confirmed_incidence_num,day,state,2020-02-20,2021-11-12,52,-26123.0,184937.0,1395.0080331,3162.0483412,2021-11-15 14:52:37,20211115,1,312 -indicator-combination,confirmed_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-101729.3997965,101792.3751393,23.3303381,134.0622205,2021-11-15 14:52:27,20211115,1,334 -indicator-combination,confirmed_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-38.6377762,446.98884,22.6624843,24.2530097,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,confirmed_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-4448.496536,4522.4817459,22.6622844,44.7123514,2021-11-15 14:52:34,20211115,1,314 -indicator-combination,confirmed_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-5610.2577169,9817.2538102,22.6600526,51.953771,2021-11-15 14:52:35,20211115,1,314 -indicator-combination,confirmed_incidence_prop,day,nation,2020-04-01,2021-11-12,1,-4.0860026,110.7341647,23.2726651,19.0343925,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,confirmed_incidence_prop,day,state,2020-02-20,2021-11-12,52,-1064.0310198,1208.2647001,22.3484305,39.0445092,2021-11-15 14:52:37,20211115,1,312 -indicator-combination,deaths_7dav_cumulative_num,day,county,2020-02-20,2021-07-22,3274,-0.8571429,24591.7142857,89.0526477,455.8095796,2021-10-29 13:56:27,20211029,1,334 -indicator-combination,deaths_7dav_cumulative_num,day,hhs,2020-04-01,2021-07-22,10,0.0,122223.8571425,30680.4244471,30544.0285349,2021-10-29 13:56:27,20211029,2,317 -indicator-combination,deaths_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-22,306,0.0,24684.7851819,944.2730089,1831.152352,2021-10-29 13:56:30,20211029,1,317 -indicator-combination,deaths_7dav_cumulative_num,day,msa,2020-02-20,2021-07-22,392,0.0,64098.5714286,645.9568113,2820.0567566,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,deaths_7dav_cumulative_num,day,nation,2020-04-01,2021-07-22,1,1509.0,605490.7142845,306804.244471,203390.6676691,2021-10-29 13:56:27,20211029,2,317 -indicator-combination,deaths_7dav_cumulative_num,day,state,2020-02-20,2021-07-22,52,0.0,63489.1428571,5597.7123275,9450.7260523,2021-10-29 13:56:27,20211029,1,313 -indicator-combination,deaths_7dav_cumulative_prop,day,county,2020-02-20,2021-07-22,3221,0.0,865.8008658,86.1857417,109.1087456,2021-10-29 13:56:30,20211029,1,334 -indicator-combination,deaths_7dav_cumulative_prop,day,hhs,2020-04-01,2021-07-22,10,0.0,257.10243768508366,90.3874467,69.311358,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,deaths_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-22,306,0.0,447.3055058,85.7092678,83.5464891,2021-10-29 13:56:27,20211029,1,317 -indicator-combination,deaths_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-22,392,0.0,409.4583782,77.2413093,79.5813029,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,deaths_7dav_cumulative_prop,day,nation,2020-04-01,2021-07-22,1,0.4545693,182.39727437614965,92.4213314,61.2691533,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,deaths_7dav_cumulative_prop,day,state,2020-02-20,2021-07-22,52,0.0,298.2372591,79.2846492,74.5228878,2021-10-29 13:56:27,20211029,1,313 -indicator-combination,deaths_7dav_incidence_num,day,county,2020-02-20,2021-11-12,3274,-254.2857143,686.8571429,0.3590364,2.8958922,2021-11-15 14:52:28,20211115,1,334 -indicator-combination,deaths_7dav_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-3.1428575,1210.9999961999997,124.9525734,154.3357872,2021-11-15 14:52:33,20211115,2,317 -indicator-combination,deaths_7dav_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-25.2855085,430.8454645,3.6795073,9.3771559,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_7dav_incidence_num,day,msa,2020-02-20,2021-11-12,392,-153.7142857,1185.0,2.3953846,13.3030792,2021-11-15 14:52:35,20211115,1,318 -indicator-combination,deaths_7dav_incidence_num,day,nation,2020-04-01,2021-11-12,1,196.142843,3511.571428,1249.5257335,783.8521562,2021-11-15 14:52:36,20211115,3,317 -indicator-combination,deaths_7dav_incidence_num,day,state,2020-02-20,2021-11-12,52,-53.0,955.85714285714,22.544682,48.2912951,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_7dav_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-1345.5069678,1345.5069678,0.4115553,1.8048072,2021-11-15 14:52:28,20211115,1,334 -indicator-combination,deaths_7dav_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-0.0218996,3.6923205,0.3554414,0.3633378,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,deaths_7dav_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-10.403212,12.6861376,0.360123,0.5118885,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_7dav_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-30.2564418,30.2564418,0.3425532,0.5820389,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_7dav_incidence_prop,day,nation,2020-04-01,2021-11-12,1,0.0590858,1.0578214,0.3764056,0.2361267,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,deaths_7dav_incidence_prop,day,state,2020-02-20,2021-11-12,52,-1.1045736,6.5277897,0.3342936,0.4295404,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_cumulative_num,day,county,2020-02-20,2021-11-12,3274,-6.0,26620.0,112.3033097,545.2133812,2021-11-15 14:52:29,20211115,1,334 -indicator-combination,deaths_cumulative_num,day,hhs,2020-04-01,2021-11-12,10,42.0,175955.0,39221.4698816,36253.7431315,2021-11-15 14:52:33,20211115,2,317 -indicator-combination,deaths_cumulative_num,day,hrr,2020-02-20,2021-11-12,306,0.0,26734.5151766,1182.3602567,2115.7369269,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_cumulative_num,day,msa,2020-02-20,2021-11-12,392,0.0,65872.0,796.0354813,3147.3979619,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_cumulative_num,day,nation,2020-04-01,2021-11-12,1,5395.0,757905.0,392214.6988156,226518.2828577,2021-11-15 14:52:36,20211115,3,316 -indicator-combination,deaths_cumulative_num,day,state,2020-02-20,2021-11-12,52,0.0,72025.0,7053.902842,11290.4859944,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_cumulative_prop,day,county,2020-02-20,2021-11-12,3221,-2.1855057,9418.5487746,114.3161118,127.0910736,2021-11-15 14:52:30,20211115,1,334 -indicator-combination,deaths_cumulative_prop,day,hhs,2020-04-01,2021-11-12,10,0.2970251,270.0505137167101,114.0193479,75.0077572,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,deaths_cumulative_prop,day,hrr,2020-02-20,2021-11-12,306,0.0,468.3035098,109.2108647,94.016468,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_cumulative_prop,day,msa,2020-02-20,2021-11-12,392,0.0,502.09532,99.4237986,91.8949409,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_cumulative_prop,day,nation,2020-04-01,2021-11-12,1,1.6251831,228.3103654189177,118.1502711,68.2360875,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,deaths_cumulative_prop,day,state,2020-02-20,2021-11-12,52,0.0,343.3682106,100.0364694,83.6742364,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_incidence_num,day,county,2020-02-20,2021-11-12,3274,-2039.0,3112.0,0.3603695,5.4952678,2021-11-15 14:52:31,20211115,1,334 -indicator-combination,deaths_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-1407.0,3112.0,125.0966159,192.0161107,2021-11-15 14:52:33,20211115,2,316 -indicator-combination,deaths_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-243.0117977,1233.7505426,3.6924741,12.5288124,2021-11-15 14:52:34,20211115,1,318 -indicator-combination,deaths_incidence_num,day,msa,2020-02-20,2021-11-12,392,-1076.0,2795.0,2.4017705,15.9164269,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_incidence_num,day,nation,2020-04-01,2021-11-12,1,60.0,5073.0,1250.9661591,938.9711774,2021-11-15 14:52:37,20211115,3,317 -indicator-combination,deaths_incidence_num,day,state,2020-02-20,2021-11-12,52,-2039.0,3112.0,22.6283167,66.4805602,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-9418.5487746,9418.5487746,0.4144913,9.8963304,2021-11-15 14:52:32,20211115,1,334 -indicator-combination,deaths_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-2.1028831783828275,5.9858728,0.355723,0.4624611,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,deaths_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-77.2274987,78.6293771,0.3619639,0.8969666,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-211.7950926,211.7950926,0.3444498,1.3139372,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_incidence_prop,day,nation,2020-04-01,2021-11-12,1,0.0180743,1.5281842,0.3768395,0.2828545,2021-11-15 14:52:37,20211115,3,330 -indicator-combination,deaths_incidence_prop,day,state,2020-02-20,2021-11-12,52,-9.381911,43.1070973,0.3363865,0.7775213,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,county,2020-04-15,2021-03-16,2568,0.07729395545267395,7.249569898307247,0.8020888,0.3469438,2021-03-17 19:26:02,20210317,1,96 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,msa,2020-04-15,2021-03-16,385,0.048225644401162046,11.443310258552295,0.723743,0.3998013,2021-03-17 19:26:03,20210317,1,96 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,state,2020-04-15,2021-03-15,52,0.11249000717703608,5.9145150758884615,0.792171,0.3823998,2021-03-17 19:26:02,20210317,1,96 -indicator-combination,nmf_day_doc_fbs_ght,day,county,2020-04-06,2020-05-26,2296,0.0,16.246099029316,0.7203178,0.5380712,2020-05-27 05:51:41,20200527,1,51 -indicator-combination,nmf_day_doc_fbs_ght,day,msa,2020-04-06,2020-05-26,382,0.0,4.32452661550886,0.7509085,0.4499194,2020-05-27 05:51:41,20200527,1,51 -indicator-combination,nmf_day_doc_fbs_ght,day,state,2020-04-06,2020-05-26,52,0.0747817727440569,2.81993801241547,0.8575687,0.3721018,2020-05-27 05:51:41,20200527,1,51 -jhu-csse,confirmed_7dav_cumulative_num,day,county,2020-02-20,2021-07-24,3282,0.0,1273531.1428571,4582.0314916,22504.3819196,2021-07-25 14:11:01,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,hhs,2020-02-20,2021-07-24,10,0.0,7502075.1428571,1501599.8941322,1784142.1776819,2021-07-25 14:12:29,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-24,306,0.0,1281828.762904,48458.6734733,90833.944416,2021-07-25 14:12:30,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,msa,2020-02-20,2021-07-24,392,0.0,2335772.5714286,32724.7979168,110129.4225725,2021-07-25 14:12:39,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,nation,2020-02-20,2021-07-24,1,14.0,34218297.2857143,15017599.4123938,12924731.7886493,2021-07-25 14:12:50,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,state,2020-02-20,2021-07-24,56,0.0,3882270.5714286,268142.8382428,493481.2409128,2021-07-25 14:12:51,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,county,2020-02-20,2021-07-24,3274,0.0,44068.6845931,4417.5741688,4581.8371522,2021-07-25 14:11:06,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,hhs,2020-02-20,2021-07-24,10,0.0,11481.4709598,4390.0646849,3914.4412687,2021-07-25 14:12:29,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-24,306,0.0,17932.6864002,4490.5310432,4208.3379905,2021-07-25 14:12:30,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-24,392,0.0,17506.9444955,4365.0146125,4268.0348645,2021-07-25 14:12:39,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,nation,2020-02-20,2021-07-24,1,0.0042129,10296.9382077,4519.0820538,3889.2982742,2021-07-25 14:12:50,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,state,2020-02-20,2021-07-24,56,0.0,14578.8475403,4209.7985746,4200.4128035,2021-07-25 14:12:51,20210725,1,428 -jhu-csse,confirmed_7dav_incidence_num,day,county,2020-02-20,2023-03-09,3284,-55155.8571429,55155.7142857,28.3952515,199.7991459,2023-03-10 10:58:39,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-206.7142857,179745.8571429,9307.0435089,15214.0682299,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,hrr,2020-02-20,2023-03-09,306,-3856.368581,41764.0236591,297.9313466,774.2768196,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,msa,2020-02-20,2023-03-09,392,-3857.1428571,88629.4285714,202.9255727,933.9193079,2023-03-10 11:00:32,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,nation,2020-02-20,2023-03-09,1,0.2857143,806782.1428571,93043.1446525,114522.2791263,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,state,2020-02-20,2023-03-09,56,-3588.1428571,123179.4285714,1662.2722518,4172.8495144,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,county,2020-02-20,2023-03-09,3276,-1686.1219196,2841.3575375,27.101371,43.7137121,2023-03-10 10:58:47,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-1.4591803,392.7720066,27.3187456,36.2477389,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,hrr,2020-02-20,2023-03-09,306,-122.4798617,690.4598967,27.5967365,38.416351,2023-03-10 11:00:23,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,msa,2020-02-20,2023-03-09,392,-199.0058129,616.6887806,27.5891708,39.6257666,2023-03-10 11:00:32,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,nation,2020-02-20,2023-03-09,1,8.57e-05,241.870203,27.8939792,34.3333416,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,state,2020-02-20,2023-03-09,56,-59.7145264,658.5922059,27.621264,40.4790137,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,county,2020-01-22,2023-03-09,3284,-3073.0,3710586.0,14353.1869473,63767.5389842,2023-03-10 10:58:56,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,hhs,2020-02-20,2023-03-09,10,0.0,22820900.0,4825882.233519,5140574.2058624,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,hrr,2020-01-22,2023-03-09,306,0.0,3730976.336434,150971.0242582,258092.7498978,2023-03-10 11:00:23,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,msa,2020-01-22,2023-03-09,392,0.0,7174275.0,102240.7889401,317181.9992659,2023-03-10 11:00:33,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,nation,2020-02-20,2023-03-09,1,16.0,103759705.0,48280583.8779174,36106734.8695721,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,state,2020-01-22,2023-03-09,56,0.0,12129699.0,841422.3893843,1438788.0526839,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,county,2020-01-22,2023-03-09,3276,0.0,222651.9337017,13910.3505283,11790.9558726,2023-03-10 10:59:05,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,hhs,2020-02-20,2023-03-09,10,0.0,34229.2575611,14157.6410136,10766.8762807,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,hrr,2020-01-22,2023-03-09,306,0.0,53215.8354471,14039.5268056,11201.3530986,2023-03-10 11:00:24,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,msa,2020-01-22,2023-03-09,392,0.0,49355.6779666,13931.4030991,11380.4602644,2023-03-10 11:00:34,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,nation,2020-02-20,2023-03-09,1,0.0047967,31106.7630072,14474.3345265,10824.6611202,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,state,2020-01-22,2023-03-09,56,0.0,43580.1820977,13802.5773159,11492.6760266,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,county,2020-01-22,2023-03-09,3284,-379973.0,150251.0,27.7235964,470.1277512,2023-03-10 10:59:15,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-7449.0,399993.0,9315.8598886,18034.5429404,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,hrr,2020-01-22,2023-03-09,306,-26994.5800669,130067.1647396,290.628315,1123.0934006,2023-03-10 11:00:25,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,msa,2020-01-22,2023-03-09,392,-27000.0,189842.0,198.0688441,1227.1508316,2023-03-10 11:00:35,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,nation,2020-02-20,2023-03-09,1,-3862.0,1354180.0,93141.5529623,127207.5285887,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,state,2020-01-22,2023-03-09,56,-27000.0,207110.0,1625.2383288,5188.8291669,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,county,2020-01-22,2023-03-09,3276,-11802.8534371,11123.5744999,26.4636876,78.2824164,2023-03-10 10:59:25,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-52.5819213,800.8907647,27.3441848,44.3496797,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,hrr,2020-01-22,2023-03-09,306,-1181.5455977,3739.329053,26.9242122,63.6451361,2023-03-10 11:00:26,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,msa,2020-01-22,2023-03-09,392,-1758.6873497,4131.1710137,26.9369303,65.8709355,2023-03-10 11:00:36,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,nation,2020-02-20,2023-03-09,1,-1.1578128,405.9779886,27.9234816,38.1363309,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,state,2020-01-22,2023-03-09,56,-418.0016846,1830.0041427,27.0079029,59.5064043,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_7dav_cumulative_num,day,county,2020-02-20,2021-07-24,3282,0.0,24605.7142857,91.0756647,457.7033909,2021-07-25 14:11:47,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,hhs,2020-02-20,2021-07-24,10,0.0,122371.7142857,29844.3231149,30809.2957863,2021-07-25 14:12:29,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-24,306,0.0,24704.173594,961.7329457,1838.2063543,2021-07-25 14:12:34,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,msa,2020-02-20,2021-07-24,392,0.0,64432.8571429,647.2079421,2819.3812933,2021-07-25 14:12:44,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,nation,2020-02-20,2021-07-24,1,1.0,609746.4285714,298466.2292295,208991.9277043,2021-07-25 14:12:50,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,state,2020-02-20,2021-07-24,56,0.0,64175.4285714,5329.3434134,9345.5475859,2021-07-25 14:12:52,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,county,2020-02-20,2021-07-24,3274,0.0,865.8008658,86.9831932,109.2082606,2021-07-25 14:11:52,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,hhs,2020-02-20,2021-07-24,10,0.0,257.8601376,87.6666226,70.4070081,2021-07-25 14:12:29,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-24,306,0.0,448.2516859,87.5430088,83.7548751,2021-07-25 14:12:35,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-24,392,0.0,411.1138703,77.5600648,80.1993607,2021-07-25 14:12:45,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,nation,2020-02-20,2021-07-24,1,0.0003009,183.4843284,89.8141802,62.8896566,2021-07-25 14:12:50,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,state,2020-02-20,2021-07-24,56,0.0,299.0060527,76.573521,74.2259352,2021-07-25 14:12:52,20210725,1,486 -jhu-csse,deaths_7dav_incidence_num,day,county,2020-02-20,2023-03-09,3284,-3607.5714286,418.1428571,0.3075687,5.7273992,2023-03-10 10:59:35,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-77.7142857,1290.0,100.7926756,133.5207972,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,hrr,2020-02-20,2023-03-09,306,-56.6686916,710.7492667,3.2353914,9.2226356,2023-03-10 11:00:27,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,msa,2020-02-20,2023-03-09,392,-153.7142857,982.8571429,2.0747886,11.3428703,2023-03-10 11:00:37,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,nation,2020-02-20,2023-03-09,1,0.0,3376.4285714,1007.5125673,767.0529034,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,state,2020-02-20,2023-03-09,56,-100.5714286,1013.5714286,18.0009672,38.6344064,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,county,2020-02-20,2023-03-09,3276,-41.3288637,93.779306,0.365256,1.1151402,2023-03-10 10:59:43,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-0.4945528,4.0251346,0.2878276,0.3181404,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,hrr,2020-02-20,2023-03-09,306,-8.3471689,30.6551546,0.3196907,0.5725128,2023-03-10 11:00:28,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,msa,2020-02-20,2023-03-09,392,-30.2564418,35.1984464,0.3061659,0.6238996,2023-03-10 11:00:38,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,nation,2020-02-20,2023-03-09,1,0.0,1.0122404,0.3020484,0.2299595,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,state,2020-02-20,2023-03-09,56,-2.8933225,6.1581568,0.2802725,0.3726797,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,county,2020-01-22,2023-03-09,3284,-82.0,35545.0,190.5197878,780.0843981,2023-03-10 10:59:51,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,hhs,2020-02-20,2023-03-09,10,0.0,259166.0,64052.6121441,59661.1248867,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,hrr,2020-01-22,2023-03-09,306,0.0,35736.6565225,1996.5240135,3094.770263,2023-03-10 11:00:28,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,msa,2020-01-22,2023-03-09,392,0.0,86123.0,1297.1952789,4213.0963038,2023-03-10 11:00:39,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,nation,2020-02-20,2023-03-09,1,1.0,1123647.0,640678.7935368,367150.4558116,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,state,2020-01-22,2023-03-09,56,0.0,101159.0,11168.8936217,16972.8601255,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,county,2020-01-22,2023-03-09,3276,0.0,1386.962552,214.3349027,195.0967167,2023-03-10 10:59:59,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,hhs,2020-02-20,2023-03-09,10,0.0,383.8666291,182.9312278,111.7193226,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,hrr,2020-01-22,2023-03-09,306,0.0,670.510457,193.1950839,144.654354,2023-03-10 11:00:29,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,msa,2020-01-22,2023-03-09,392,0.0,768.3949799,181.0682597,149.2546543,2023-03-10 11:00:40,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,nation,2020-02-20,2023-03-09,1,0.0002998,336.8650762,192.0730537,110.0703035,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,state,2020-01-22,2023-03-09,56,0.0,451.4689698,168.8182177,128.4863521,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,county,2020-01-22,2023-03-09,3284,-25525.0,2874.0,0.3002776,14.6826257,2023-03-10 11:00:07,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-661.0,2452.0,100.8800755,163.8194274,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,hrr,2020-01-22,2023-03-09,306,-593.9064838,4975.2448667,3.1563923,17.9064987,2023-03-10 11:00:30,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,msa,2020-01-22,2023-03-09,392,-1076.0,6165.0,2.0254899,18.5879756,2023-03-10 11:00:41,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,nation,2020-02-20,2023-03-09,1,-253.0,4375.0,1008.6050269,925.0308337,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,state,2020-01-22,2023-03-09,56,-704.0,2441.0,17.5963736,50.492574,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,county,2020-01-22,2023-03-09,3276,-289.3020459,656.4551422,0.3566426,2.7174116,2023-03-10 11:00:15,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-3.7986275,17.3084805,0.2880929,0.4283799,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,hrr,2020-01-22,2023-03-09,306,-58.4301826,214.5860825,0.3119563,1.2531446,2023-03-10 11:00:31,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,msa,2020-01-22,2023-03-09,392,-211.7950926,246.3891249,0.298964,1.4898235,2023-03-10 11:00:42,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,nation,2020-02-20,2023-03-09,1,-0.0758484,1.3116083,0.3023759,0.2773207,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,state,2020-01-22,2023-03-09,56,-20.2532572,43.1070973,0.2740545,0.666353,2023-03-10 11:00:44,20230310,1,1107 -nchs-mortality,deaths_allcause_incidence_num,week,nation,2020-02-02,2024-06-30,1,18367.0,87415.0,62753.1212121,8137.3670414,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_allcause_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,12529.0,1219.2535655,1270.4477288,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_allcause_incidence_prop,week,nation,2020-02-02,2024-06-30,1,5.4974047,26.1640786,18.7825613,2.4355855,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_allcause_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,64.7936347,19.7829043,4.1936175,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_num,week,nation,2020-02-02,2024-06-30,1,1.0,13560.0,2546.4891775,3102.444584,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,3120.0,74.7734843,166.3656996,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.0002993,4.0586273,0.7621866,0.928589,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,15.0593874,1.0323062,1.3851003,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_incidence_num,week,nation,2020-02-02,2024-06-30,1,4.0,26028.0,5180.4069264,5803.1619944,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_covid_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,6900.0,125.7584204,277.4175157,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.0011972,7.7904094,1.5505414,1.7369374,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_covid_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,35.6833011,1.8490244,2.4358915,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_flu_incidence_num,week,nation,2020-02-02,2024-06-30,1,3.0,1053.0,130.7359307,219.5542404,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_flu_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,341.0,2.5239014,9.8127152,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_flu_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.0008979,0.3151722,0.0391304,0.0657145,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_flu_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,1.7634791,0.0286143,0.1006508,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_percent_of_expected,week,nation,2020-02-02,2024-06-30,1,35.0,148.0,115.012987,12.6479061,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_percent_of_expected,week,state,2020-01-26,2024-06-30,52,0.0,974.0,116.6793394,26.8318025,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_pneumonia_notflu_incidence_num,week,nation,2020-02-02,2024-06-30,1,1033.0,16923.0,5621.978355,3210.6857077,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_pneumonia_notflu_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,3516.0,119.3092671,183.7273371,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_pneumonia_notflu_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.309186,5.0652028,1.6827076,0.9609865,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_pneumonia_notflu_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,18.0071383,1.7942397,1.3154329,2024-07-11 20:02:32,202428,1,151 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_num,week,nation,2020-02-02,2024-06-30,1,1130.0,29426.0,8373.3246753,5879.3912842,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,7487.0,171.2118748,295.1599189,2024-07-11 20:02:32,202428,1,151 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.3382189,8.8074607,2.5062097,1.7597535,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,38.7189674,2.6426429,2.3571262,2024-07-11 20:02:32,202428,1,151 -nssp,pct_ed_visits_combined,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,3.4143,3.7335714,2024-07-12 23:21:58,202428,1,93 -nssp,pct_ed_visits_combined,week,hrr,2022-09-25,2024-06-30,305,0.0,979.8262271,25.5895479,53.5643105,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_combined,week,msa,2022-09-25,2024-06-30,377,0.0,33.33,3.2973987,3.2894222,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_combined,week,nation,2022-09-25,2024-06-30,1,0.7,10.07,3.1775269,2.5247602,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_combined,week,state,2022-09-25,2024-06-30,48,0.0,18.51,3.2584789,2.9220065,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_covid,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,1.5876442,1.4889733,2024-07-12 23:21:59,202428,1,93 -nssp,pct_ed_visits_covid,week,hrr,2022-09-25,2024-06-30,305,0.0,311.5972081,11.8991794,21.0702111,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_covid,week,msa,2022-09-25,2024-06-30,377,0.0,25.0,1.5687724,1.2201358,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_covid,week,nation,2022-09-25,2024-06-30,1,0.34,3.79,1.4964516,0.8244994,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_covid,week,state,2022-09-25,2024-06-30,48,0.0,6.14,1.567733,1.0344043,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_influenza,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,1.5031473,2.6880486,2024-07-12 23:22:00,202428,1,93 -nssp,pct_ed_visits_influenza,week,hrr,2022-09-25,2024-06-30,305,0.0,717.7298925,11.2657727,33.1535884,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_influenza,week,msa,2022-09-25,2024-06-30,377,0.0,33.33,1.4139352,2.3319394,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_influenza,week,nation,2022-09-25,2024-06-30,1,0.15,6.69,1.4260215,1.6881173,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_influenza,week,state,2022-09-25,2024-06-30,48,0.0,14.02,1.3865659,2.0466715,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_rsv,week,county,2022-09-25,2024-06-30,2950,0.0,50.0,0.3744205,0.806547,2024-07-12 23:22:01,202428,1,93 -nssp,pct_ed_visits_rsv,week,hrr,2022-09-25,2024-06-30,305,0.0,192.012669,2.8061764,8.4453292,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_rsv,week,msa,2022-09-25,2024-06-30,377,0.0,12.5,0.3614361,0.6316735,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_rsv,week,nation,2022-09-25,2024-06-30,1,0.01,1.21,0.2988172,0.3509981,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_rsv,week,state,2022-09-25,2024-06-30,48,0.0,3.51,0.3487948,0.5227118,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,county,2022-09-25,2024-06-30,2950,0.0,99.22,3.5107064,3.9967925,2024-07-12 23:22:02,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,hrr,2022-09-25,2024-06-30,305,0.0,957.3675833,26.0703963,53.4720771,2024-07-12 23:22:05,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,msa,2022-09-25,2024-06-30,377,0.01,78.38,3.3416261,3.4476819,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,nation,2022-09-25,2024-06-30,1,0.71,9.39,3.1963441,2.4727695,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,state,2022-09-25,2024-06-30,48,0.19,16.85,3.2816667,2.8495445,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,1.6273512,1.8472852,2024-07-12 23:22:03,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,hrr,2022-09-25,2024-06-30,305,0.0,227.8170048,11.962018,20.3935122,2024-07-12 23:22:05,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,msa,2022-09-25,2024-06-30,377,0.02,8.25,1.5750287,1.1493053,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,nation,2022-09-25,2024-06-30,1,0.34,3.46,1.5069892,0.8108455,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,state,2022-09-25,2024-06-30,48,0.14,5.69,1.5821774,1.013231,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,county,2022-09-25,2024-06-30,2950,0.0,99.59,1.5453046,2.6834442,2024-07-12 23:22:03,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,hrr,2022-09-25,2024-06-30,305,0.0,598.6853832,10.9382861,31.0064407,2024-07-12 23:22:05,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,msa,2022-09-25,2024-06-30,377,0.0,45.7197201,1.437614,2.4061246,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,nation,2022-09-25,2024-06-30,1,0.15,6.2,1.4292473,1.6461635,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,state,2022-09-25,2024-06-30,48,0.01,12.2,1.3912231,1.982371,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,county,2022-09-25,2024-06-30,2950,0.0,8.1,0.3803105,0.6380552,2024-07-12 23:22:04,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,hrr,2022-09-25,2024-06-30,305,0.0,111.4399065,2.4239867,6.6798595,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,msa,2022-09-25,2024-06-30,377,0.0,5.87,0.3650536,0.5970827,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,nation,2022-09-25,2024-06-30,1,0.01,1.16,0.3034409,0.3459396,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,state,2022-09-25,2024-06-30,48,0.0,3.31,0.3530914,0.5120802,2024-07-12 23:22:07,202428,1,93 -safegraph,bars_visit_num,day,county,2019-01-01,2022-05-01,328,0.0,1712.0,35.4599546,65.5341225,2022-05-05 19:37:58,20220505,4,699 -safegraph,bars_visit_num,day,hhs,2020-11-23,2022-05-01,10,0.0,6967.0,831.9868726,1061.7611531,2022-05-05 19:37:59,20220505,4,56 -safegraph,bars_visit_num,day,hrr,2019-01-01,2022-05-01,155,0.0,2391.0,71.4344727,120.4955467,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_num,day,msa,2019-01-01,2022-05-01,145,0.0,2281.3040791721087,74.5352422,135.6182876,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_num,day,nation,2020-11-23,2022-05-01,1,1236.0,21545.0,8319.8687259,3614.1063879,2022-05-05 19:38:00,20220505,4,56 -safegraph,bars_visit_num,day,state,2019-01-01,2022-05-01,44,0.0,4222.0,237.2687517,397.9090323,2022-05-05 19:38:00,20220505,4,699 -safegraph,bars_visit_prop,day,county,2019-01-01,2022-05-01,328,0.0,13112.745098,82.3334549,208.9469853,2022-05-05 19:37:58,20220505,4,699 -safegraph,bars_visit_prop,day,hhs,2020-11-23,2022-05-01,10,0.0,270.6083716,55.4404785,31.2752896,2022-05-05 19:37:59,20220505,4,56 -safegraph,bars_visit_prop,day,hrr,2019-01-01,2022-05-01,155,0.0,13112.745098,100.5553307,270.0243869,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_prop,day,msa,2019-01-01,2022-05-01,145,0.0,13112.745098,103.9871697,281.7532115,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_prop,day,nation,2020-11-23,2022-05-01,1,8.575187500706795,150.8930494,59.3136132,25.6406558,2022-05-05 19:38:00,20220505,4,56 -safegraph,bars_visit_prop,day,state,2019-01-01,2022-05-01,44,0.0,3221.753721710696,89.193714,173.9372732,2022-05-05 19:38:00,20220505,4,699 -safegraph,completely_home_prop,day,county,2019-01-01,2021-04-16,3230,0.007874015748031496,0.9310344827586207,0.278665,0.0702235,2021-05-02 18:53:32,20210502,16,539 -safegraph,completely_home_prop,day,hhs,2020-12-01,2021-04-16,10,0.1797469,0.5482684,0.2909285,0.0491876,2021-05-02 18:53:53,20210502,16,61 -safegraph,completely_home_prop,day,hrr,2019-01-01,2021-04-16,306,0.08001028094199845,0.6593583,0.2930112,0.0585253,2021-05-02 18:53:53,20210502,16,735 -safegraph,completely_home_prop,day,msa,2019-01-01,2021-04-16,392,0.039657719888075905,0.7577088051783436,0.2965347,0.0598019,2021-05-02 18:53:55,20210502,16,735 -safegraph,completely_home_prop,day,nation,2020-12-01,2021-04-16,1,0.2206703,0.38552012092106447,0.2887108,0.0346086,2021-05-02 18:53:58,20210502,16,61 -safegraph,completely_home_prop,day,state,2019-01-01,2021-04-16,56,0.0575658,0.9310344827586207,0.3034599,0.0678677,2021-05-02 18:53:58,20210502,4,539 -safegraph,completely_home_prop_7dav,day,county,2019-01-01,2021-04-16,3230,0.02173628565358505,0.8976667192456667,0.2795002,0.060135,2021-05-02 18:53:35,20210502,16,735 -safegraph,completely_home_prop_7dav,day,hhs,2020-12-01,2021-04-16,10,0.1994976,0.4040249,0.2932915,0.0421952,2021-05-02 18:53:53,20210502,16,61 -safegraph,completely_home_prop_7dav,day,hrr,2019-01-01,2021-04-16,306,0.08927350825237748,0.5674837168911971,0.293722,0.0513038,2021-05-02 18:53:53,20210502,16,735 -safegraph,completely_home_prop_7dav,day,msa,2019-01-01,2021-04-16,392,0.05075441398151424,0.6757879586022045,0.2972941,0.052533,2021-05-02 18:53:56,20210502,16,735 -safegraph,completely_home_prop_7dav,day,nation,2020-12-01,2021-04-16,1,0.2416674,0.3477498,0.2910837,0.0283847,2021-05-02 18:53:58,20210502,16,61 -safegraph,completely_home_prop_7dav,day,state,2019-01-01,2021-04-16,56,0.1339286,0.8322408,0.3011662,0.054508,2021-05-02 18:53:58,20210502,16,735 -safegraph,full_time_work_prop,day,county,2019-01-01,2021-04-16,3230,0.004464285714285714,0.4137931,0.0544141,0.0295373,2021-05-02 18:53:37,20210502,16,539 -safegraph,full_time_work_prop,day,hhs,2020-12-01,2021-04-16,10,0.0226403,0.1164575,0.0552768,0.0186925,2021-05-02 18:53:53,20210502,16,61 -safegraph,full_time_work_prop,day,hrr,2019-01-01,2021-04-16,306,0.011434172338697951,0.1595878125506952,0.0521926,0.0235929,2021-05-02 18:53:54,20210502,16,736 -safegraph,full_time_work_prop,day,msa,2019-01-01,2021-04-16,392,0.007871445450778973,0.2092593,0.0509874,0.0231894,2021-05-02 18:53:56,20210502,16,736 -safegraph,full_time_work_prop,day,nation,2020-12-01,2021-04-16,1,0.0278687,0.0768372,0.0547243,0.0159177,2021-05-02 18:53:58,20210502,16,61 -safegraph,full_time_work_prop,day,state,2019-01-01,2021-04-16,56,0.013320918935537341,0.28,0.055365,0.0257244,2021-05-02 18:53:58,20210502,4,539 -safegraph,full_time_work_prop_7dav,day,county,2019-01-01,2021-04-16,3230,0.006896551724137931,0.3333333333333333,0.0542633,0.0178739,2021-05-02 18:53:41,20210502,16,736 -safegraph,full_time_work_prop_7dav,day,hhs,2020-12-01,2021-04-16,10,0.0336392,0.0863855,0.0545378,0.0096541,2021-05-02 18:53:53,20210502,16,61 -safegraph,full_time_work_prop_7dav,day,hrr,2019-01-01,2021-04-16,306,0.011748844106542549,0.11544231159965582,0.0520489,0.0133283,2021-05-02 18:53:54,20210502,16,736 -safegraph,full_time_work_prop_7dav,day,msa,2019-01-01,2021-04-16,392,0.01127613188585125,0.1510516,0.0508328,0.0134542,2021-05-02 18:53:56,20210502,16,736 -safegraph,full_time_work_prop_7dav,day,nation,2020-12-01,2021-04-16,1,0.0380634517264083,0.0635446,0.0539855,0.0060352,2021-05-02 18:53:58,20210502,16,61 -safegraph,full_time_work_prop_7dav,day,state,2019-01-01,2021-04-16,56,0.014143177710892891,0.2233333,0.0533023,0.0147557,2021-05-02 18:53:58,20210502,16,736 -safegraph,median_home_dwell_time,day,county,2019-01-01,2021-04-16,3230,0.0,1439.0,624.5131019,131.4666819,2021-05-02 18:53:43,20210502,16,536 -safegraph,median_home_dwell_time,day,hhs,2020-12-01,2021-04-16,10,398.1290312,987.4156667,692.5885915,72.3209312,2021-05-02 18:53:53,20210502,16,61 -safegraph,median_home_dwell_time,day,hrr,2019-01-01,2021-04-16,306,60.61710037174721,1230.8227360308285,659.6106675,96.0502621,2021-05-02 18:53:54,20210502,16,736 -safegraph,median_home_dwell_time,day,msa,2019-01-01,2021-04-16,392,0.0,1291.027397260274,652.1446074,96.356952,2021-05-02 18:53:57,20210502,16,736 -safegraph,median_home_dwell_time,day,nation,2020-12-01,2021-04-16,1,498.1061097,955.4602784,695.6873728,59.8301174,2021-05-02 18:53:58,20210502,16,61 -safegraph,median_home_dwell_time,day,state,2019-01-01,2021-04-16,56,0.0,1439.0,638.33047,111.1091946,2021-05-02 18:53:59,20210502,4,536 -safegraph,median_home_dwell_time_7dav,day,county,2019-01-01,2021-04-16,3230,0.0,1259.8848653667594,624.4795319,114.298693,2021-05-02 18:53:46,20210502,16,736 -safegraph,median_home_dwell_time_7dav,day,hhs,2020-12-01,2021-04-16,10,556.3816959,837.4941722,692.659163,50.8156061,2021-05-02 18:53:53,20210502,16,61 -safegraph,median_home_dwell_time_7dav,day,hrr,2019-01-01,2021-04-16,306,100.59797657082002,1161.8768055167272,659.5732816,81.9092483,2021-05-02 18:53:55,20210502,16,736 -safegraph,median_home_dwell_time_7dav,day,msa,2019-01-01,2021-04-16,392,5.128585558852621,1181.1115459882583,652.2258676,81.3926929,2021-05-02 18:53:57,20210502,16,736 -safegraph,median_home_dwell_time_7dav,day,nation,2020-12-01,2021-04-16,1,610.6005169,750.6838576,695.7465289,34.26082,2021-05-02 18:53:58,20210502,16,61 -safegraph,median_home_dwell_time_7dav,day,state,2019-01-01,2021-04-16,56,0.0,1095.2676687283972,642.2644286,88.5509973,2021-05-02 18:53:59,20210502,16,736 -safegraph,part_time_work_prop,day,county,2019-01-01,2021-04-16,3230,0.006172839506172839,0.6,0.0932559,0.035791,2021-05-02 18:53:48,20210502,16,539 -safegraph,part_time_work_prop,day,hhs,2020-12-01,2021-04-16,10,0.0412934,0.1455495,0.0831563,0.0224993,2021-05-02 18:53:53,20210502,16,61 -safegraph,part_time_work_prop,day,hrr,2019-01-01,2021-04-16,306,0.023324723731039186,0.20595583932566194,0.0881441,0.0291706,2021-05-02 18:53:55,20210502,16,736 -safegraph,part_time_work_prop,day,msa,2019-01-01,2021-04-16,392,0.01723398228380942,0.2504762,0.0875711,0.0291497,2021-05-02 18:53:57,20210502,16,736 -safegraph,part_time_work_prop,day,nation,2020-12-01,2021-04-16,1,0.0507607,0.1064855,0.0830949,0.0162921,2021-05-02 18:53:58,20210502,16,61 -safegraph,part_time_work_prop,day,state,2019-01-01,2021-04-16,56,0.021739130434782608,0.38888888888888884,0.0882391,0.0289185,2021-05-02 18:53:59,20210502,4,539 -safegraph,part_time_work_prop_7dav,day,county,2019-01-01,2021-04-16,3230,0.012987012987012988,0.3333333333333333,0.093027,0.0233194,2021-05-02 18:53:51,20210502,16,736 -safegraph,part_time_work_prop_7dav,day,hhs,2020-12-01,2021-04-16,10,0.052794,0.1259997,0.0822747,0.0157529,2021-05-02 18:53:53,20210502,16,61 -safegraph,part_time_work_prop_7dav,day,hrr,2019-01-01,2021-04-16,306,0.029345368495015154,0.1669262755029665,0.0879483,0.0194639,2021-05-02 18:53:55,20210502,16,736 -safegraph,part_time_work_prop_7dav,day,msa,2019-01-01,2021-04-16,392,0.023301771007538004,0.17497948636724578,0.0873612,0.0194203,2021-05-02 18:53:58,20210502,16,736 -safegraph,part_time_work_prop_7dav,day,nation,2020-12-01,2021-04-16,1,0.0646221,0.0934234,0.0822052,0.0064839,2021-05-02 18:53:58,20210502,16,61 -safegraph,part_time_work_prop_7dav,day,state,2019-01-01,2021-04-16,56,0.02990319988485851,0.2233333,0.0870579,0.0189547,2021-05-02 18:53:59,20210502,16,736 -safegraph,restaurants_visit_num,day,county,2019-01-01,2022-05-01,2558,0.0,33649.76197787811,336.9821415,1011.0176971,2022-05-05 19:37:58,20220505,4,699 -safegraph,restaurants_visit_num,day,hhs,2020-11-23,2022-05-01,10,1229.0,464246.0,85506.3042471,91044.9764197,2022-05-05 19:37:59,20220505,4,56 -safegraph,restaurants_visit_num,day,hrr,2019-01-01,2022-05-01,306,0.0,58188.0,2739.1807406,4211.6777334,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_num,day,msa,2019-01-01,2022-05-01,392,0.0,77776.3205829467,1929.7680653,4095.6358663,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_num,day,nation,2020-11-23,2022-05-01,1,172675.0,1398876.0,855063.042471,206610.5315481,2022-05-05 19:38:00,20220505,4,56 -safegraph,restaurants_visit_num,day,state,2019-01-01,2022-05-01,52,0.0,223549.01494440317,16132.0774158,22711.4546914,2022-05-05 19:38:00,20220505,4,699 -safegraph,restaurants_visit_prop,day,county,2019-01-01,2022-05-01,2558,0.0,66495.09824914185,356.5319925,486.8617561,2022-05-05 19:37:58,20220505,4,699 -safegraph,restaurants_visit_prop,day,hhs,2020-11-23,2022-05-01,10,16.0178065,994.7253426,309.1208048,189.5336784,2022-05-05 19:37:59,20220505,4,56 -safegraph,restaurants_visit_prop,day,hrr,2019-01-01,2022-05-01,306,0.0,3379.2991361096174,393.3603518,262.3700685,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_prop,day,msa,2019-01-01,2022-05-01,392,0.0,3087.815754537735,433.5970141,312.9316116,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_prop,day,nation,2020-11-23,2022-05-01,1,71.5862474,569.1083054,349.807256,83.7868593,2022-05-05 19:38:00,20220505,4,56 -safegraph,restaurants_visit_prop,day,state,2019-01-01,2022-05-01,52,0.0,1600.2592679,339.210474,214.4236077,2022-05-05 19:38:00,20220505,4,699 -usa-facts,confirmed_7dav_cumulative_num,day,county,2020-02-01,2021-07-22,3193,0.0,1223614.2857143,4336.4998223,21959.0204341,2021-10-28 17:59:22,20211028,1,376 -usa-facts,confirmed_7dav_cumulative_num,day,hhs,2020-02-01,2021-07-22,10,0.0,7188417.5714286,1417317.9361391,1736122.336279,2021-07-24 17:53:39,20210724,1,356 -usa-facts,confirmed_7dav_cumulative_num,day,hrr,2020-02-01,2021-07-22,306,0.0,1231096.211411,45125.6711433,88178.7582502,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_num,day,msa,2020-02-01,2021-07-22,384,0.0,2315347.8571429,31521.949434,107155.0212596,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_num,day,nation,2020-02-01,2021-07-22,1,6.857142857142857,33508411.7142857,14173179.3613914,12729369.5771938,2021-07-24 17:53:53,20210724,1,356 -usa-facts,confirmed_7dav_cumulative_num,day,state,2020-02-01,2021-07-22,51,0.0,3760285.8571429,272108.5873225,498689.1922484,2021-10-28 17:59:23,20211028,1,340 -usa-facts,confirmed_7dav_cumulative_prop,day,county,2020-02-01,2021-07-22,3142,0.0,82672.5905673,4201.1135246,4647.9993861,2021-10-28 17:59:23,20211028,1,334 -usa-facts,confirmed_7dav_cumulative_prop,day,hhs,2020-02-01,2021-07-22,10,0.0,11461.7348321,4201.859079,3901.7456733,2021-07-24 17:53:39,20210724,1,384 -usa-facts,confirmed_7dav_cumulative_prop,day,hrr,2020-02-01,2021-07-22,306,0.0,17582.261312,4174.058408,4258.6713526,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_prop,day,msa,2020-02-01,2021-07-22,384,0.0,17506.9444955,4219.8452245,4246.6430414,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_prop,day,nation,2020-02-01,2021-07-22,1,0.002089066787104385,10208.5243751,4317.9380813,3878.073384,2021-07-24 17:53:53,20210724,1,356 -usa-facts,confirmed_7dav_cumulative_prop,day,state,2020-02-01,2021-07-22,51,0.0,14571.1616265,4184.3877956,4294.5691621,2021-10-28 17:59:23,20211028,1,340 -usa-facts,confirmed_7dav_incidence_num,day,county,2020-02-01,2023-01-02,3193,-78001.8571429,53643.5714286,28.128576,261.9637152,2023-01-04 20:24:45,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,hhs,2020-02-01,2023-01-02,10,-5228.8571429,158359.1428571,8978.6355871,14923.8713348,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,hrr,2020-02-01,2023-01-02,306,-38721.7635559,51800.1821995,286.9054939,834.8624087,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,msa,2020-02-01,2023-01-02,384,-67833.5714286,99088.0,196.6737498,1009.1580688,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,nation,2020-02-01,2023-01-02,1,-106.7142857,793051.4285714,89786.3558709,113079.8738132,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_7dav_incidence_num,day,state,2020-02-01,2023-01-02,51,-6852.1428571,127472.2857143,1760.5177794,4305.5097969,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,county,2020-02-01,2023-01-02,3142,-44650.5272976,44722.5244831,26.4997697,103.2413688,2023-01-04 20:24:46,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,hhs,2020-02-01,2023-01-02,10,-35.2171639,449.3509318,26.8299102,36.562245,2023-01-04 20:24:53,20230104,2,699 -usa-facts,confirmed_7dav_incidence_prop,day,hrr,2020-02-01,2023-01-02,306,-2034.5005476,1135.7596836,26.6935049,42.9954384,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,msa,2020-02-01,2023-01-02,384,-2822.6960987,1494.0649278,26.8544845,43.7354226,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,nation,2020-02-01,2023-01-02,1,-0.0323892,240.7017119,27.2513595,34.3212536,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_7dav_incidence_prop,day,state,2020-02-01,2023-01-02,51,-219.9902025,529.4548894,27.6516619,39.7897067,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,county,2020-01-25,2023-01-02,3193,0.0,3420119.0,13416.5229115,58900.0500137,2023-01-04 20:24:46,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,hhs,2020-01-25,2023-01-02,10,0.0,20923900.0,4254855.322905,4688048.8703272,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,hrr,2020-01-25,2023-01-02,306,0.0,3435284.8617095,138312.0941972,235778.8992406,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,msa,2020-01-25,2023-01-02,384,0.0,6776125.0,94699.4364589,292733.9037178,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,nation,2020-01-25,2023-01-02,1,32.0,95878582.0,42548553.2290503,33478213.8602107,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_cumulative_num,day,state,2020-01-25,2023-01-02,51,0.0,10887571.0,839542.6606713,1355143.0742701,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_cumulative_prop,day,county,2020-01-25,2023-01-02,3142,0.0,357367.8483477,12978.6757711,10949.3357589,2023-01-04 20:24:47,20230104,1,699 -usa-facts,confirmed_cumulative_prop,day,hhs,2020-01-25,2023-01-02,10,0.0,33090.0646997,12675.3273795,10149.5494649,2023-01-04 20:24:53,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,hrr,2020-01-25,2023-01-02,306,0.0,51022.08092,12921.0507086,10436.1263936,2023-01-04 20:24:53,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,msa,2020-01-25,2023-01-02,384,0.0,45312.9383475,12941.2746288,10570.6794767,2023-01-04 20:24:54,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,nation,2020-01-25,2023-01-02,1,0.0097124,29100.4315635,12914.0547924,10161.0855207,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,state,2020-01-25,2023-01-02,51,0.0,39956.2019629,13155.6130204,10748.9246133,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_incidence_num,day,county,2020-01-25,2023-01-02,3193,-546013.0,353962.0,28.1504973,743.201466,2023-01-04 20:24:48,20230104,1,699 -usa-facts,confirmed_incidence_num,day,hhs,2020-01-25,2023-01-02,10,-46738.0,363306.0,8927.1732775,18062.0651374,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_num,day,hrr,2020-01-25,2023-01-02,306,-271052.3448913,185965.4417602,287.0509706,1501.1778561,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_num,day,msa,2020-01-25,2023-01-02,384,-475087.0,228158.0,196.7937273,1653.8254242,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_incidence_num,day,nation,2020-01-25,2023-01-02,1,-13697.0,1226142.0,89271.7327747,126470.3878782,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_incidence_num,day,state,2020-01-25,2023-01-02,51,-47965.0,345159.0,1761.6856166,5777.1075014,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,county,2020-01-25,2023-01-02,3142,-312553.691083,312696.8673043,26.5650265,304.9645635,2023-01-04 20:24:48,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,hhs,2020-01-25,2023-01-02,10,-314.7876796,784.7260585,26.6778423,46.770253,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,hrr,2020-01-25,2023-01-02,306,-14323.2666099,7950.3122014,26.6953788,85.6476479,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,msa,2020-01-25,2023-01-02,384,-19793.9711082,10458.4544948,26.8695905,88.3641895,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,nation,2020-01-25,2023-01-02,1,-4.1572226,372.1504909,27.0951645,38.3854537,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_incidence_prop,day,state,2020-01-25,2023-01-02,51,-1638.2168618,1722.6928949,27.6722931,65.5128442,2023-01-04 20:24:55,20230104,1,699 -usa-facts,deaths_7dav_cumulative_num,day,county,2020-02-01,2021-07-22,3193,-0.8571429,24591.7142857,87.4804083,452.1448093,2021-10-28 17:59:23,20211028,1,376 -usa-facts,deaths_7dav_cumulative_num,day,hhs,2020-02-01,2021-07-22,10,0.0,122223.8571429,28144.6630112,30097.3115609,2021-07-24 17:53:40,20210724,1,356 -usa-facts,deaths_7dav_cumulative_num,day,hrr,2020-02-01,2021-07-22,306,0.0,24684.7851819,909.9843131,1806.2630771,2021-10-28 17:59:23,20211028,1,337 -usa-facts,deaths_7dav_cumulative_num,day,msa,2020-02-01,2021-07-22,384,0.0,64098.5714286,627.3933306,2781.3438476,2021-10-28 17:59:23,20211028,1,342 -usa-facts,deaths_7dav_cumulative_num,day,nation,2020-02-01,2021-07-22,1,0.0,602929.5714286,281446.6301115,209147.4997157,2021-07-24 17:53:53,20210724,1,356 -usa-facts,deaths_7dav_cumulative_num,day,state,2020-02-01,2021-07-22,51,0.0,63489.1428571,5482.0339214,9408.7635076,2021-10-28 17:59:23,20211028,1,312 -usa-facts,deaths_7dav_cumulative_prop,day,county,2020-02-01,2021-07-22,3142,0.0,865.8008658,85.0257793,108.8292357,2021-10-28 17:59:23,20211028,1,333 -usa-facts,deaths_7dav_cumulative_prop,day,hhs,2020-02-01,2021-07-22,10,0.0,281.8448579,84.9987066,73.1618796,2021-07-24 17:53:40,20210724,1,356 -usa-facts,deaths_7dav_cumulative_prop,day,hrr,2020-02-01,2021-07-22,306,0.0,447.3055058,82.5973216,83.5682306,2021-10-28 17:59:23,20211028,1,337 -usa-facts,deaths_7dav_cumulative_prop,day,msa,2020-02-01,2021-07-22,384,0.0,409.4583782,75.022065,79.4840691,2021-10-28 17:59:23,20211028,1,342 -usa-facts,deaths_7dav_cumulative_prop,day,nation,2020-02-01,2021-07-22,1,0.0,183.6858541,85.7442844,63.7179514,2021-07-24 17:53:53,20210724,1,356 -usa-facts,deaths_7dav_cumulative_prop,day,state,2020-02-01,2021-07-22,51,0.0,298.2372591,77.3747468,74.9940189,2021-10-28 17:59:23,20211028,1,312 -usa-facts,deaths_7dav_incidence_num,day,county,2020-02-01,2023-01-02,3193,-1140.0,1345.5714286,0.3135858,3.9649796,2023-01-04 20:24:49,20230104,1,628 -usa-facts,deaths_7dav_incidence_num,day,hhs,2020-02-01,2023-01-02,10,-514.1428571,1211.0,100.0959968,139.1133421,2023-01-04 20:24:53,20230104,1,617 -usa-facts,deaths_7dav_incidence_num,day,hrr,2020-02-01,2023-01-02,306,-565.9199931,430.8454645,3.0379385,9.6241823,2023-01-04 20:24:54,20230104,1,588 -usa-facts,deaths_7dav_incidence_num,day,msa,2020-02-01,2023-01-02,384,-1163.7142857,1185.0,1.9671742,12.5240928,2023-01-04 20:24:54,20230104,1,588 -usa-facts,deaths_7dav_incidence_num,day,nation,2020-02-01,2023-01-02,1,-41.2857143,3537.2857143,1000.9599679,811.1933866,2023-01-04 20:24:55,20230104,2,617 -usa-facts,deaths_7dav_incidence_num,day,state,2020-02-01,2023-01-02,51,-531.7142857,955.8571428571429,19.6267133,43.3457142,2023-01-04 20:24:55,20230104,1,617 -usa-facts,deaths_7dav_incidence_prop,day,county,2020-02-01,2023-01-02,3142,-1345.5069678,1345.5069678,0.3657449,1.8136157,2023-01-04 20:24:50,20230104,1,628 -usa-facts,deaths_7dav_incidence_prop,day,hhs,2020-02-01,2023-01-02,10,-3.4628319,4.183583,0.2882408,0.358071,2023-01-04 20:24:53,20230104,2,622 -usa-facts,deaths_7dav_incidence_prop,day,hrr,2020-02-01,2023-01-02,306,-38.6217947,14.3513787,0.3029906,0.5533538,2023-01-04 20:24:54,20230104,1,622 -usa-facts,deaths_7dav_incidence_prop,day,msa,2020-02-01,2023-01-02,384,-53.3820085,29.0639867,0.2956424,0.5762059,2023-01-04 20:24:55,20230104,1,622 -usa-facts,deaths_7dav_incidence_prop,day,nation,2020-02-01,2023-01-02,1,-0.0125308,1.0736135,0.3038047,0.246208,2023-01-04 20:24:55,20230104,2,622 -usa-facts,deaths_7dav_incidence_prop,day,state,2020-02-01,2023-01-02,51,-7.7131875,7.8089447,0.2947568,0.4184295,2023-01-04 20:24:55,20230104,1,622 -usa-facts,deaths_cumulative_num,day,county,2020-01-25,2023-01-02,3193,-6.0,46633.0,187.0525139,855.1497099,2023-01-04 20:24:50,20230104,1,635 -usa-facts,deaths_cumulative_num,day,hhs,2020-01-25,2023-01-02,10,0.0,250138.0,59318.2670391,57192.4003154,2023-01-04 20:24:53,20230104,1,617 -usa-facts,deaths_cumulative_num,day,hrr,2020-01-25,2023-01-02,306,0.0,34539.5623136,1874.025571,2942.5701208,2023-01-04 20:24:54,20230104,1,600 -usa-facts,deaths_cumulative_num,day,msa,2020-01-25,2023-01-02,384,0.0,84086.0,1239.8201199,4089.9341829,2023-01-04 20:24:55,20230104,1,600 -usa-facts,deaths_cumulative_num,day,nation,2020-01-25,2023-01-02,1,1.0,1068791.0,593182.6703911,361324.0341839,2023-01-04 20:24:55,20230104,2,617 -usa-facts,deaths_cumulative_num,day,state,2020-01-25,2023-01-02,51,0.0,97562.0,11705.6167019,16827.3441965,2023-01-04 20:24:55,20230104,1,617 -usa-facts,deaths_cumulative_prop,day,county,2020-01-25,2023-01-02,3142,0.0,9418.5487746,208.462631,186.8944545,2023-01-04 20:24:51,20230104,1,635 -usa-facts,deaths_cumulative_prop,day,hhs,2020-01-25,2023-01-02,10,0.0,390.3838766,172.7502603,112.6269236,2023-01-04 20:24:53,20230104,2,635 -usa-facts,deaths_cumulative_prop,day,hrr,2020-01-25,2023-01-02,306,0.0,599.3774413,181.0972097,136.1583754,2023-01-04 20:24:54,20230104,2,635 -usa-facts,deaths_cumulative_prop,day,msa,2020-01-25,2023-01-02,384,0.0,686.0646166,172.4510664,138.5730553,2023-01-04 20:24:55,20230104,1,635 -usa-facts,deaths_cumulative_prop,day,nation,2020-01-25,2023-01-02,1,0.0003035,324.3923586,180.0388715,109.6666754,2023-01-04 20:24:55,20230104,2,635 -usa-facts,deaths_cumulative_prop,day,state,2020-01-25,2023-01-02,51,0.0,441.4541527,171.4492517,124.1326156,2023-01-04 20:24:55,20230104,2,635 -usa-facts,deaths_incidence_num,day,county,2020-01-25,2023-01-02,3193,-7980.0,9356.0,0.3138132,9.4224201,2023-01-04 20:24:52,20230104,1,635 -usa-facts,deaths_incidence_num,day,hhs,2020-01-25,2023-01-02,10,-3719.0,3112.0,99.5148976,185.3103413,2023-01-04 20:24:53,20230104,1,617 -usa-facts,deaths_incidence_num,day,hrr,2020-01-25,2023-01-02,306,-3961.4399515,2948.8846453,3.0401694,18.3135562,2023-01-04 20:24:54,20230104,1,588 -usa-facts,deaths_incidence_num,day,msa,2020-01-25,2023-01-02,384,-8147.0,3165.0,1.9685633,21.1782972,2023-01-04 20:24:55,20230104,1,588 -usa-facts,deaths_incidence_num,day,nation,2020-01-25,2023-01-02,1,-2889.0,5057.0,995.1489758,972.6433335,2023-01-04 20:24:55,20230104,2,617 -usa-facts,deaths_incidence_num,day,state,2020-01-25,2023-01-02,51,-3722.0,3112.0,19.6401808,67.2644769,2023-01-04 20:24:55,20230104,1,617 -usa-facts,deaths_incidence_prop,day,county,2020-01-25,2023-01-02,3142,-9418.5487746,9418.5487746,0.3660363,8.2752559,2023-01-04 20:24:52,20230104,1,635 -usa-facts,deaths_incidence_prop,day,hhs,2020-01-25,2023-01-02,10,-25.0480419,20.4285247,0.286551,0.5491529,2023-01-04 20:24:53,20230104,1,622 -usa-facts,deaths_incidence_prop,day,hrr,2020-01-25,2023-01-02,306,-270.438116,100.4596506,0.3031668,1.1652841,2023-01-04 20:24:54,20230104,1,622 -usa-facts,deaths_incidence_prop,day,msa,2020-01-25,2023-01-02,384,-373.6740598,203.4479066,0.295851,1.2544093,2023-01-04 20:24:55,20230104,1,622 -usa-facts,deaths_incidence_prop,day,nation,2020-01-25,2023-01-02,1,-0.8768501,1.5348671,0.302041,0.2952103,2023-01-04 20:24:55,20230104,2,622 -usa-facts,deaths_incidence_prop,day,state,2020-01-25,2023-01-02,51,-53.9923123,54.6626129,0.2949155,0.8675433,2023-01-04 20:24:55,20230104,1,622 -youtube-survey,raw_cli,day,state,2020-04-21,2020-06-01,19,0.0,3.083081763746322,0.8598539,0.6421984,2020-06-02 11:51:34,20200603,2,11 -youtube-survey,raw_ili,day,state,2020-04-21,2020-06-01,19,0.0,3.1956943281688743,0.8591775,0.6492578,2020-06-02 11:51:34,20200603,2,11 -youtube-survey,smoothed_cli,day,state,2020-04-21,2020-06-22,42,0.0,4.5321637426900585,0.8980185,0.5737264,2020-06-24 12:51:35,20200625,2,11 -youtube-survey,smoothed_ili,day,state,2020-04-21,2020-06-22,42,0.0,4.5321637426900585,0.8926679,0.5741616,2020-06-24 12:51:35,20200625,2,11 diff --git a/google_symptoms/tests/test_data/covid_metadata.json b/google_symptoms/tests/test_data/covid_metadata.json new file mode 100644 index 000000000..ec0e85619 --- /dev/null +++ b/google_symptoms/tests/test_data/covid_metadata.json @@ -0,0 +1 @@ +{"epidata": [{"data_source": "chng", "signal": "7dav_inpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20200101, "max_time": 20230801, "num_locations": 58, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0379778, "stdev_value": 0.046107, "last_update": 1711963480, "max_issue": 20230801, "min_lag": 0, "max_lag": 1308}, {"data_source": "chng", "signal": "7dav_outpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20230801, "num_locations": 56, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0057763, "stdev_value": 0.0102741, "last_update": 1711963480, "max_issue": 20230801, "min_lag": 0, "max_lag": 1673}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3119, "min_value": 0.0009331, "max_value": 99.9980495, "mean_value": 1.9238237, "stdev_value": 3.7179059, "last_update": 1708400432, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0061953, "max_value": 99.9996572, "mean_value": 2.1786572, "stdev_value": 2.9502248, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0010292, "max_value": 50.815903, "mean_value": 1.9914499, "stdev_value": 2.5739816, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0007662, "max_value": 99.9989806, "mean_value": 1.8325651, "stdev_value": 2.7690113, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0154639, "max_value": 12.0869746, "mean_value": 2.3476915, "stdev_value": 2.2792631, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0013343, "max_value": 99.9995633, "mean_value": 1.9595093, "stdev_value": 2.8460771, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007317, "max_value": 99.7382199, "mean_value": 0.7897597, "stdev_value": 1.2604588, "last_update": 1708400433, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 9.94e-05, "max_value": 47.1757678, "mean_value": 0.758748, "stdev_value": 1.2752592, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0004377, "max_value": 50.3590956, "mean_value": 0.7379263, "stdev_value": 0.9213437, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0003621, "max_value": 84.2126626, "mean_value": 0.7507935, "stdev_value": 1.2899205, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0002647, "max_value": 29.0740775, "mean_value": 0.7761674, "stdev_value": 1.1225822, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0001764, "max_value": 99.984985, "mean_value": 0.799901, "stdev_value": 2.2962465, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007864, "max_value": 99.8031496, "mean_value": 0.2200146, "stdev_value": 0.5945624, "last_update": 1708400433, "max_issue": 20240219, "min_lag": 4, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0001256, "max_value": 2.9665199, "mean_value": 0.129573, "stdev_value": 0.2910451, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0006665, "max_value": 7.3989023, "mean_value": 0.157989, "stdev_value": 0.3502602, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0005895, "max_value": 9.1334945, "mean_value": 0.1593255, "stdev_value": 0.3449737, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0042567, "max_value": 2.1340409, "mean_value": 0.1410768, "stdev_value": 0.2817595, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0003211, "max_value": 5.0601173, "mean_value": 0.1349185, "stdev_value": 0.3161708, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3119, "min_value": 0.0008986, "max_value": 99.911661, "mean_value": 1.7494246, "stdev_value": 3.2141828, "last_update": 1708400434, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0057532, "max_value": 21.7526533, "mean_value": 2.1935759, "stdev_value": 2.4568923, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0010292, "max_value": 54.076492, "mean_value": 2.0121518, "stdev_value": 2.5913195, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0007571, "max_value": 54.213362, "mean_value": 1.7692415, "stdev_value": 2.3668653, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.014286, "max_value": 13.183495, "mean_value": 2.4016659, "stdev_value": 2.3445632, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0012136, "max_value": 38.0980677, "mean_value": 1.976939, "stdev_value": 2.4902626, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007317, "max_value": 99.7382199, "mean_value": 0.7295667, "stdev_value": 1.1518214, "last_update": 1708400435, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0001026, "max_value": 7.902697, "mean_value": 0.7473772, "stdev_value": 0.7532255, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0004265, "max_value": 13.8813489, "mean_value": 0.75981, "stdev_value": 0.8821325, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0003196, "max_value": 15.0058502, "mean_value": 0.6983567, "stdev_value": 0.8724389, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0002781, "max_value": 5.7484116, "mean_value": 0.7763361, "stdev_value": 0.7077705, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0001764, "max_value": 10.9664911, "mean_value": 0.7277603, "stdev_value": 0.824994, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007864, "max_value": 99.8031496, "mean_value": 0.2120383, "stdev_value": 0.5747436, "last_update": 1708400435, "max_issue": 20240219, "min_lag": 4, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0001256, "max_value": 3.3283321, "mean_value": 0.1325491, "stdev_value": 0.2889045, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0007358, "max_value": 7.7181903, "mean_value": 0.1580634, "stdev_value": 0.3454277, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0005895, "max_value": 7.7881801, "mean_value": 0.1547919, "stdev_value": 0.327931, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0042154, "max_value": 1.8960681, "mean_value": 0.1439693, "stdev_value": 0.2751247, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0003211, "max_value": 5.2040069, "mean_value": 0.1365516, "stdev_value": 0.3116242, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "county", "min_time": 20200301, "max_time": 20211202, "num_locations": 3126, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0979475, "stdev_value": 0.0903481, "last_update": 1639159151, "max_issue": 20211210, "min_lag": 2, "max_lag": 529}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "hhs", "min_time": 20200301, "max_time": 20211202, "num_locations": 10, "min_value": 0.0, "max_value": 0.65, "mean_value": 0.0806975, "stdev_value": 0.0559965, "last_update": 1639159154, "max_issue": 20211210, "min_lag": 8, "max_lag": 585}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "hrr", "min_time": 20200301, "max_time": 20211202, "num_locations": 306, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0864302, "stdev_value": 0.069691, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 4, "max_lag": 599}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "msa", "min_time": 20200301, "max_time": 20211202, "num_locations": 384, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.087359, "stdev_value": 0.0711056, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 3, "max_lag": 529}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "nation", "min_time": 20200301, "max_time": 20211202, "num_locations": 1, "min_value": 0.0180044, "max_value": 0.2183382, "mean_value": 0.0809607, "stdev_value": 0.0406573, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 8, "max_lag": 529}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "state", "min_time": 20200301, "max_time": 20211202, "num_locations": 51, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0834229, "stdev_value": 0.0659636, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 3, "max_lag": 585}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "county", "min_time": 20200301, "max_time": 20211202, "num_locations": 3126, "min_value": 0.14, "max_value": 161333.71, "mean_value": 338.7239566, "stdev_value": 1757.0608222, "last_update": 1639159153, "max_issue": 20211210, "min_lag": 2, "max_lag": 428}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "hhs", "min_time": 20200301, "max_time": 20211202, "num_locations": 10, "min_value": 2.0, "max_value": 387262.01, "mean_value": 98225.6981138, "stdev_value": 78754.8915, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 8, "max_lag": 585}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "hrr", "min_time": 20200301, "max_time": 20211202, "num_locations": 306, "min_value": 1.55e-05, "max_value": 161288.2579186, "mean_value": 3240.5090482, "stdev_value": 6316.7070508, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 4, "max_lag": 526}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "msa", "min_time": 20200301, "max_time": 20211202, "num_locations": 384, "min_value": 0.14, "max_value": 174380.71, "mean_value": 2342.0841463, "stdev_value": 7999.6725139, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 2, "max_lag": 428}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "nation", "min_time": 20200301, "max_time": 20211202, "num_locations": 1, "min_value": 1433.8, "max_value": 1768763.07, "mean_value": 981518.2845639, "stdev_value": 460852.3824205, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 8, "max_lag": 428}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "state", "min_time": 20200301, "max_time": 20211202, "num_locations": 51, "min_value": 0.14, "max_value": 344887.85, "mean_value": 19433.6865717, "stdev_value": 31650.7665229, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 2, "max_lag": 585}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 2595, "min_value": 0.0, "max_value": 87.670832, "mean_value": 2.2764252, "stdev_value": 3.498965, "last_update": 1726619303, "max_issue": 20240917, "min_lag": 2, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.071857, "max_value": 31.731976, "mean_value": 2.8003544, "stdev_value": 3.4212344, "last_update": 1726619307, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 306, "min_value": 0.0, "max_value": 62.072299, "mean_value": 2.5799214, "stdev_value": 3.5959133, "last_update": 1726619310, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 384, "min_value": 0.0, "max_value": 83.92411, "mean_value": 2.3957167, "stdev_value": 3.4892899, "last_update": 1726619312, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.120549, "max_value": 21.575689, "mean_value": 3.0013949, "stdev_value": 3.3850621, "last_update": 1726619315, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 53, "min_value": 0.0, "max_value": 79.135443, "mean_value": 2.6023024, "stdev_value": 3.8912213, "last_update": 1726619318, "max_issue": 20240917, "min_lag": 3, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 2595, "min_value": 0.0, "max_value": 76.569615, "mean_value": 1.9384046, "stdev_value": 3.002207, "last_update": 1726619305, "max_issue": 20240917, "min_lag": 2, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.055393, "max_value": 35.777605, "mean_value": 3.1011489, "stdev_value": 3.7965527, "last_update": 1726619308, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 306, "min_value": 0.0, "max_value": 52.474626, "mean_value": 2.4606915, "stdev_value": 3.5049484, "last_update": 1726619311, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 385, "min_value": 0.0, "max_value": 65.645487, "mean_value": 2.1600627, "stdev_value": 3.188117, "last_update": 1726619314, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.120689, "max_value": 26.252728, "mean_value": 3.3289019, "stdev_value": 3.7898008, "last_update": 1726619316, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 53, "min_value": 0.0, "max_value": 61.764374, "mean_value": 2.7603244, "stdev_value": 3.928963, "last_update": 1726619319, "max_issue": 20240917, "min_lag": 3, "max_lag": 129}, {"data_source": "dsew-cpr", "signal": "booster_doses_admin_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20211101, "max_time": 20230222, "num_locations": 10, "min_value": 360.8571429, "max_value": 211419.2857143, "mean_value": 25422.797562, "stdev_value": 37932.1282922, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "booster_doses_admin_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20211101, "max_time": 20230222, "num_locations": 1, "min_value": 14740.2857143, "max_value": 1100514.8571429, "mean_value": 257525.9704433, "stdev_value": 312271.1870132, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "booster_doses_admin_7dav", "time_type": "day", "geo_type": "state", "min_time": 20211101, "max_time": 20230222, "num_locations": 56, "min_value": 0.0, "max_value": 194532.1428571, "mean_value": 4613.3131688, "stdev_value": 11601.9151563, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "county", "min_time": 20210107, "max_time": 20230221, "num_locations": 3272, "min_value": 0.0, "max_value": 825.5714285714286, "mean_value": 2.3294191, "stdev_value": 9.6538384, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201216, "max_time": 20230221, "num_locations": 10, "min_value": 23.2857143, "max_value": 4990.0, "mean_value": 667.6785049, "stdev_value": 780.5578655, "last_update": 1677257490, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20210107, "max_time": 20230221, "num_locations": 392, "min_value": 0.0, "max_value": 1902.7142857142856, "mean_value": 14.2411998, "stdev_value": 42.714571, "last_update": 1677257491, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201216, "max_time": 20230221, "num_locations": 1, "min_value": 1338.2857143, "max_value": 21086.1428571, "mean_value": 6676.7850488, "stdev_value": 4537.105663, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20201216, "max_time": 20230221, "num_locations": 56, "min_value": 0.0, "max_value": 2379.0, "mean_value": 119.5731249, "stdev_value": 215.9007672, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20210107, "max_time": 20230221, "num_locations": 3219, "min_value": 0.0, "max_value": 569.2346462, "mean_value": 1.8762013, "stdev_value": 4.3113657, "last_update": 1677257484, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201216, "max_time": 20230221, "num_locations": 10, "min_value": 0.1568329, "max_value": 8.1781998, "mean_value": 1.863108, "stdev_value": 1.4513172, "last_update": 1677257490, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20210107, "max_time": 20230221, "num_locations": 392, "min_value": 0.0, "max_value": 52.2139965155508, "mean_value": 2.1629876, "stdev_value": 2.5039056, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201216, "max_time": 20230221, "num_locations": 1, "min_value": 0.4005607, "max_value": 6.3112681, "mean_value": 1.9984205, "stdev_value": 1.3579956, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20201216, "max_time": 20230221, "num_locations": 56, "min_value": 0.0, "max_value": 35.7918347, "mean_value": 1.9012573, "stdev_value": 1.9888021, "last_update": 1677257493, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "county", "min_time": 20201207, "max_time": 20230220, "num_locations": 3198, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.1155519, "stdev_value": 0.0997406, "last_update": 1677257475, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201207, "max_time": 20230220, "num_locations": 10, "min_value": 0.004, "max_value": 0.436, "mean_value": 0.0919346, "stdev_value": 0.0679411, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20201207, "max_time": 20230220, "num_locations": 392, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.1084464, "stdev_value": 0.0916635, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201207, "max_time": 20230220, "num_locations": 1, "min_value": 0.0197007, "max_value": 0.3145435, "mean_value": 0.097572, "stdev_value": 0.0623476, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "state", "min_time": 20201207, "max_time": 20230220, "num_locations": 55, "min_value": 0.0, "max_value": 0.946, "mean_value": 0.0997204, "stdev_value": 0.0823642, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "doses_admin_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20210502, "max_time": 20230222, "num_locations": 10, "min_value": -25415.0, "max_value": 416729.2857143, "mean_value": 70956.6438044, "stdev_value": 69418.1294544, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 365}, {"data_source": "dsew-cpr", "signal": "doses_admin_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20210502, "max_time": 20230222, "num_locations": 1, "min_value": 84396.2857143, "max_value": 2405770.1428571, "mean_value": 706882.2067602, "stdev_value": 508222.8169732, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 365}, {"data_source": "dsew-cpr", "signal": "doses_admin_7dav", "time_type": "day", "geo_type": "state", "min_time": 20210502, "max_time": 20230222, "num_locations": 56, "min_value": -34912.7142857, "max_value": 340911.8571429, "mean_value": 12732.1491109, "stdev_value": 23061.218246, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 365}, {"data_source": "dsew-cpr", "signal": "people_booster_doses", "time_type": "day", "geo_type": "hhs", "min_time": 20211101, "max_time": 20230222, "num_locations": 10, "min_value": 798354.0, "max_value": 21409818.0, "mean_value": 9252301.1570292, "stdev_value": 5435063.9417483, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "people_booster_doses", "time_type": "day", "geo_type": "nation", "min_time": 20211101, "max_time": 20230222, "num_locations": 1, "min_value": 19141580.0, "max_value": 117047500.0, "mean_value": 92522945.6153846, "stdev_value": 24244972.5200394, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "people_booster_doses", "time_type": "day", "geo_type": "state", "min_time": 20211101, "max_time": 20230222, "num_locations": 56, "min_value": 143.0, "max_value": 17335732.0, "mean_value": 1652195.4574176, "stdev_value": 2259512.8844226, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210412, "max_time": 20230222, "num_locations": 3272, "min_value": 18.0, "max_value": 7519699.0, "mean_value": 59563.0639614, "stdev_value": 211223.6154859, "last_update": 1677257493, "max_issue": 20230224, "min_lag": 1, "max_lag": 385}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "hhs", "min_time": 20210115, "max_time": 20230222, "num_locations": 10, "min_value": 62625.0, "max_value": 41839198.0, "mean_value": 17210344.7447526, "stdev_value": 11586031.1172692, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 472}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210412, "max_time": 20230222, "num_locations": 392, "min_value": 70.0, "max_value": 15491795.0, "mean_value": 418183.4066464, "stdev_value": 1051278.8411392, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 385}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210115, "max_time": 20230222, "num_locations": 1, "min_value": 1540774.0, "max_value": 228878714.0, "mean_value": 172103447.4475262, "stdev_value": 65899353.6538525, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 472}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210115, "max_time": 20230222, "num_locations": 56, "min_value": 0.0, "max_value": 29504730.0, "mean_value": 3073275.8472773, "stdev_value": 4305501.1704603, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 472}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 642, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9247258, "stdev_value": 0.998862, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.0607993, "mean_value": 0.9550459, "stdev_value": 1.0436459, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 3, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 342, "min_value": 0.0, "max_value": 10.9638047, "mean_value": 0.8877732, "stdev_value": 0.9860774, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220626, "num_locations": 1, "min_value": 0.338621, "max_value": 4.9208848, "mean_value": 1.1742658, "stdev_value": 0.7933958, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 2, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.081765, "mean_value": 1.1699135, "stdev_value": 1.0178461, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 351, "min_value": 0.4092675, "max_value": 68.9130435, "mean_value": 21.0312594, "stdev_value": 9.4592786, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 288, "min_value": 1.2711864, "max_value": 68.9054726, "mean_value": 21.6422026, "stdev_value": 9.9707881, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 215, "min_value": 2.2987534, "max_value": 68.9130435, "mean_value": 20.9525067, "stdev_value": 9.5781275, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220626, "num_locations": 1, "min_value": 8.6940597, "max_value": 48.3062084, "mean_value": 21.5924631, "stdev_value": 7.4691767, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 2, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 2.9411765, "max_value": 66.9255021, "mean_value": 22.2057274, "stdev_value": 9.7290508, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 642, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9478843, "stdev_value": 1.0147259, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.2681159, "mean_value": 0.9779726, "stdev_value": 1.061052, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 3, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 342, "min_value": 0.0, "max_value": 10.9638047, "mean_value": 0.9124409, "stdev_value": 1.004418, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220626, "num_locations": 1, "min_value": 0.3525545, "max_value": 5.0480449, "mean_value": 1.2000985, "stdev_value": 0.8120644, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 2, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.081765, "mean_value": 1.1941615, "stdev_value": 1.0364316, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 351, "min_value": 0.3267974, "max_value": 64.0283737, "mean_value": 16.7370961, "stdev_value": 8.6774912, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 288, "min_value": 0.3787879, "max_value": 64.0939597, "mean_value": 17.3080434, "stdev_value": 9.1652301, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 215, "min_value": 0.5633451, "max_value": 64.0283737, "mean_value": 16.6829469, "stdev_value": 8.7874763, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220626, "num_locations": 1, "min_value": 5.7044523, "max_value": 41.8558786, "mean_value": 17.0048453, "stdev_value": 6.824453, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 2, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 0.3267974, "max_value": 60.9350753, "mean_value": 17.5830578, "stdev_value": 9.0078233, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 640, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9389968, "stdev_value": 1.0065155, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.1186835, "mean_value": 0.9865602, "stdev_value": 1.0702621, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 340, "min_value": 0.0, "max_value": 11.7928697, "mean_value": 0.9314997, "stdev_value": 1.0168941, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4039215, "max_value": 5.408061, "mean_value": 1.3702998, "stdev_value": 0.9063896, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.2808901, "mean_value": 1.2850101, "stdev_value": 1.1000853, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 343, "min_value": 0.4092675, "max_value": 69.7366276, "mean_value": 21.2513547, "stdev_value": 9.4036702, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 287, "min_value": 1.4154066, "max_value": 69.0424071, "mean_value": 21.8559408, "stdev_value": 9.9701793, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 207, "min_value": 1.6579937, "max_value": 69.9032636, "mean_value": 21.1068482, "stdev_value": 9.564647, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 9.1761173, "max_value": 48.2407423, "mean_value": 21.5503016, "stdev_value": 7.2072222, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 2.5278035, "max_value": 67.7211955, "mean_value": 22.4708687, "stdev_value": 9.5978548, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 640, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9617527, "stdev_value": 1.0224706, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.1227941, "mean_value": 1.0088413, "stdev_value": 1.0878227, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 340, "min_value": 0.0, "max_value": 11.7928697, "mean_value": 0.9555916, "stdev_value": 1.0354607, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4144906, "max_value": 5.5247274, "mean_value": 1.3975828, "stdev_value": 0.9277962, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.2808901, "mean_value": 1.3091654, "stdev_value": 1.1199192, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 343, "min_value": 0.3267974, "max_value": 64.8845314, "mean_value": 16.7082958, "stdev_value": 8.5360556, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 287, "min_value": 0.3787879, "max_value": 64.4127616, "mean_value": 17.2542155, "stdev_value": 9.0633926, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 207, "min_value": 0.7005145, "max_value": 64.8845314, "mean_value": 16.5727216, "stdev_value": 8.6670007, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 5.9588102, "max_value": 40.5355196, "mean_value": 16.6488651, "stdev_value": 6.4672122, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 0.3267974, "max_value": 61.2646482, "mean_value": 17.5685456, "stdev_value": 8.7803074, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 757, "min_value": 6.3106857, "max_value": 96.3920452, "mean_value": 67.9237724, "stdev_value": 14.3796865, "last_update": 1628859255, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 10.2941176, "max_value": 92.1875, "mean_value": 61.1924903, "stdev_value": 16.7694796, "last_update": 1628686576, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 362, "min_value": 15.1563221, "max_value": 92.9292808, "mean_value": 65.2383722, "stdev_value": 14.3516874, "last_update": 1628772890, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 17.755102, "max_value": 74.5601494, "mean_value": 46.7574433, "stdev_value": 22.3505344, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 6.3106857, "max_value": 90.8967391, "mean_value": 55.2646333, "stdev_value": 20.9437812, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 92, "min_value": 2.8931167, "max_value": 48.019802, "mean_value": 15.5086319, "stdev_value": 5.4726703, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220627, "num_locations": 168, "min_value": 1.1811024, "max_value": 47.5490196, "mean_value": 15.5441133, "stdev_value": 5.3891774, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220627, "num_locations": 95, "min_value": 3.3219911, "max_value": 38.9585132, "mean_value": 17.2049154, "stdev_value": 5.438195, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 10.5194141, "max_value": 21.4088779, "mean_value": 14.5975905, "stdev_value": 2.8074055, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 48, "min_value": 2.8931167, "max_value": 31.7490615, "mean_value": 14.3656827, "stdev_value": 4.2749012, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 754, "min_value": 2.496938, "max_value": 38.803681, "mean_value": 17.3270685, "stdev_value": 3.6738037, "last_update": 1616241076, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.4715447, "max_value": 33.9673913, "mean_value": 16.9910865, "stdev_value": 3.0886278, "last_update": 1616007474, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 359, "min_value": 2.496938, "max_value": 37.2055658, "mean_value": 17.3911656, "stdev_value": 3.5361126, "last_update": 1616154697, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 12.3224728, "max_value": 22.7558011, "mean_value": 16.9176287, "stdev_value": 1.864669, "last_update": 1616500410, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 6.7457199, "max_value": 38.803681, "mean_value": 17.2987398, "stdev_value": 2.7756485, "last_update": 1616241129, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 616, "min_value": 0.473738, "max_value": 30.7957769, "mean_value": 12.7975556, "stdev_value": 3.1461309, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 1.3888889, "max_value": 31.8627451, "mean_value": 12.7682873, "stdev_value": 2.9999053, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 332, "min_value": 2.496278, "max_value": 27.8770477, "mean_value": 12.9200141, "stdev_value": 3.0893081, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 10.0859188, "max_value": 16.2442525, "mean_value": 12.6390425, "stdev_value": 1.3485845, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 3.0405405, "max_value": 22.815534, "mean_value": 12.7942177, "stdev_value": 2.2673367, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 99, "min_value": 0.1462927, "max_value": 17.1988482, "mean_value": 3.3385882, "stdev_value": 1.8404781, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220627, "num_locations": 177, "min_value": 0.1851852, "max_value": 20.3846154, "mean_value": 3.4699997, "stdev_value": 1.9600779, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220627, "num_locations": 99, "min_value": 0.2074501, "max_value": 19.0133854, "mean_value": 3.9230132, "stdev_value": 2.0474182, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 1.3645163, "max_value": 5.7176348, "mean_value": 2.879369, "stdev_value": 1.0287608, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 49, "min_value": 0.136612, "max_value": 14.0884056, "mean_value": 3.0139223, "stdev_value": 1.5351489, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 97, "min_value": 2.8947834, "max_value": 55.6878788, "mean_value": 18.1899701, "stdev_value": 6.4070756, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220627, "num_locations": 178, "min_value": 2.2727273, "max_value": 55.8252427, "mean_value": 18.2009257, "stdev_value": 6.2416784, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 98, "min_value": 3.3219911, "max_value": 46.6146387, "mean_value": 20.1795558, "stdev_value": 6.2956446, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 11.9167877, "max_value": 25.8840354, "mean_value": 17.0285233, "stdev_value": 3.5663794, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 49, "min_value": 2.8947834, "max_value": 40.9091301, "mean_value": 16.7679518, "stdev_value": 5.0595141, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 362, "min_value": 0.2237989, "max_value": 19.3409509, "mean_value": 4.8528498, "stdev_value": 2.2392157, "last_update": 1645624285, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 0.1333333, "max_value": 17.578125, "mean_value": 4.9065365, "stdev_value": 2.1153129, "last_update": 1645365159, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 0.1493704, "max_value": 18.8073394, "mean_value": 4.7442141, "stdev_value": 2.0875794, "last_update": 1645538069, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 2.9170739, "max_value": 6.4676486, "mean_value": 4.712255, "stdev_value": 1.1693786, "last_update": 1645710822, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 0.4000003, "max_value": 12.3672014, "mean_value": 4.6223851, "stdev_value": 1.5579756, "last_update": 1645624436, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 363, "min_value": 1.5595178, "max_value": 38.9954032, "mean_value": 16.9962957, "stdev_value": 5.1983294, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 291, "min_value": 2.4509804, "max_value": 50.4901961, "mean_value": 18.915403, "stdev_value": 5.1776701, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 216, "min_value": 2.0612317, "max_value": 40.4307125, "mean_value": 17.6122869, "stdev_value": 4.8342499, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 16.8966159, "max_value": 20.3157167, "mean_value": 18.5028106, "stdev_value": 0.8152889, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.2522523, "max_value": 35.5991822, "mean_value": 18.8051095, "stdev_value": 4.2701708, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 375, "min_value": 49.3620543, "max_value": 96.961326, "mean_value": 77.6388762, "stdev_value": 6.9251447, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 293, "min_value": 47.7564103, "max_value": 96.2328767, "mean_value": 75.1385342, "stdev_value": 6.9507118, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 219, "min_value": 46.7592593, "max_value": 95.2154174, "mean_value": 76.469296, "stdev_value": 6.2078048, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 70.507751, "max_value": 81.219875, "mean_value": 75.3967652, "stdev_value": 3.4605009, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 49.5500005, "max_value": 95.5284553, "mean_value": 74.454045, "stdev_value": 6.3504165, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 362, "min_value": 3.2557612, "max_value": 47.7401536, "mean_value": 22.572586, "stdev_value": 6.8239109, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 291, "min_value": 4.4117647, "max_value": 55.8252427, "mean_value": 25.3236335, "stdev_value": 6.7577857, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 5.229548, "max_value": 49.2595629, "mean_value": 23.8016288, "stdev_value": 6.0625237, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 21.011988, "max_value": 28.2949287, "mean_value": 24.8515407, "stdev_value": 1.8201246, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 4.1666667, "max_value": 46.4502192, "mean_value": 25.6320025, "stdev_value": 5.8297068, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220627, "num_locations": 376, "min_value": 43.2954171, "max_value": 97.9651163, "mean_value": 77.5169356, "stdev_value": 8.2145814, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220627, "num_locations": 293, "min_value": 41.3043478, "max_value": 97.4178404, "mean_value": 74.1705489, "stdev_value": 8.2027679, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220627, "num_locations": 219, "min_value": 47.2142844, "max_value": 96.2759522, "mean_value": 75.8904821, "stdev_value": 7.1293745, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220627, "num_locations": 1, "min_value": 69.7626672, "max_value": 80.7278994, "mean_value": 74.5656604, "stdev_value": 3.3788714, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220627, "num_locations": 51, "min_value": 43.7072569, "max_value": 97.9651163, "mean_value": 73.3523019, "stdev_value": 7.4305426, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 361, "min_value": 1.171875, "max_value": 77.7116976, "mean_value": 21.0331544, "stdev_value": 14.0003231, "last_update": 1645624287, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 1.4150943, "max_value": 70.0819672, "mean_value": 21.7323839, "stdev_value": 14.1352958, "last_update": 1645365160, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 2.136855, "max_value": 77.4233591, "mean_value": 21.4733949, "stdev_value": 14.1658188, "last_update": 1645538070, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 8.3996604, "max_value": 48.4696633, "mean_value": 21.8394571, "stdev_value": 13.6131326, "last_update": 1645710822, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 3.4288513, "max_value": 64.2857587, "mean_value": 22.6686765, "stdev_value": 14.605575, "last_update": 1645624437, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220627, "num_locations": 1536, "min_value": 0.0, "max_value": 13.0003763, "mean_value": 1.027805, "stdev_value": 1.0362304, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220627, "num_locations": 306, "min_value": 0.0, "max_value": 11.2962963, "mean_value": 1.2269157, "stdev_value": 1.0692117, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220627, "num_locations": 382, "min_value": 0.0, "max_value": 12.5231652, "mean_value": 1.1602289, "stdev_value": 1.0960308, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220627, "num_locations": 1, "min_value": 0.3647163, "max_value": 4.382599, "mean_value": 1.1685062, "stdev_value": 0.7841888, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220627, "num_locations": 52, "min_value": 0.0, "max_value": 7.4156739, "mean_value": 1.2031664, "stdev_value": 0.9198052, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210106, "max_time": 20220627, "num_locations": 753, "min_value": 1.3182512, "max_value": 99.806477, "mean_value": 73.1689173, "stdev_value": 24.0625346, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210106, "max_time": 20220627, "num_locations": 306, "min_value": 0.4950495, "max_value": 99.5065789, "mean_value": 74.1336252, "stdev_value": 20.9790356, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210106, "max_time": 20220627, "num_locations": 361, "min_value": 1.3497978, "max_value": 98.6988259, "mean_value": 73.0066824, "stdev_value": 22.7746073, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210106, "max_time": 20220627, "num_locations": 1, "min_value": 5.4455056, "max_value": 86.832716, "mean_value": 75.3232519, "stdev_value": 20.8758334, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210106, "max_time": 20220627, "num_locations": 51, "min_value": 2.1550368, "max_value": 98.1481481, "mean_value": 75.0844935, "stdev_value": 20.9783793, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 657, "min_value": 65.1604516, "max_value": 99.8105963, "mean_value": 88.0349635, "stdev_value": 5.2263187, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 306, "min_value": 57.2625698, "max_value": 99.512987, "mean_value": 85.9083299, "stdev_value": 5.3471261, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 347, "min_value": 62.9303278, "max_value": 99.0453217, "mean_value": 86.8796612, "stdev_value": 4.9270324, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 86.0948981, "max_value": 88.5334628, "mean_value": 87.1571506, "stdev_value": 0.5924003, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 67.1810851, "max_value": 99.0066225, "mean_value": 86.6146821, "stdev_value": 4.4267436, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 371, "min_value": 34.2579817, "max_value": 95.5645161, "mean_value": 70.2740465, "stdev_value": 9.8389206, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 291, "min_value": 27.3148148, "max_value": 93.9716312, "mean_value": 66.4414807, "stdev_value": 10.0810154, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 220, "min_value": 28.2667809, "max_value": 93.9811262, "mean_value": 68.6786081, "stdev_value": 8.9466352, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 61.9736031, "max_value": 70.6638435, "mean_value": 67.1348906, "stdev_value": 2.0818524, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 38.66509, "max_value": 90.8653846, "mean_value": 66.2411893, "stdev_value": 8.9589405, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 768, "min_value": 45.0788284, "max_value": 99.745469, "mean_value": 80.9666545, "stdev_value": 8.1259498, "last_update": 1628859259, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210808, "num_locations": 306, "min_value": 44.5652174, "max_value": 99.5327103, "mean_value": 80.0951132, "stdev_value": 7.769323, "last_update": 1628859333, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210808, "num_locations": 364, "min_value": 45.4966234, "max_value": 98.3311996, "mean_value": 80.1205091, "stdev_value": 7.9816216, "last_update": 1628859384, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 70.120171, "max_value": 87.7644024, "mean_value": 82.8202898, "stdev_value": 4.7302724, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 52.3185241, "max_value": 97.8932584, "mean_value": 81.9259577, "stdev_value": 6.6068393, "last_update": 1628859425, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 349, "min_value": 7.1428571, "max_value": 58.7731136, "mean_value": 30.5260235, "stdev_value": 5.4782579, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 13.2, "max_value": 52.9661017, "mean_value": 30.7646315, "stdev_value": 5.1338922, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 7.1428571, "max_value": 58.7731136, "mean_value": 30.749201, "stdev_value": 5.2077782, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 29.3886846, "max_value": 32.304431, "mean_value": 30.9506304, "stdev_value": 0.6386159, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 15.2439024, "max_value": 46.5873026, "mean_value": 31.4106402, "stdev_value": 4.2449509, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 750, "min_value": 1.3215125, "max_value": 28.5219101, "mean_value": 12.6707491, "stdev_value": 2.9490081, "last_update": 1616241077, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.0372671, "max_value": 27.3722628, "mean_value": 12.5759003, "stdev_value": 2.4165054, "last_update": 1616007475, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 360, "min_value": 1.5728509, "max_value": 29.4046023, "mean_value": 12.9635171, "stdev_value": 2.8413762, "last_update": 1616154697, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 10.6528256, "max_value": 13.9352609, "mean_value": 12.3595309, "stdev_value": 0.7665024, "last_update": 1616500411, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 5.9090802, "max_value": 20.6156453, "mean_value": 12.6730155, "stdev_value": 1.8084615, "last_update": 1616241130, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 613, "min_value": 0.5597399, "max_value": 26.1063583, "mean_value": 10.2403199, "stdev_value": 2.7376668, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 0.4807692, "max_value": 26.4423077, "mean_value": 10.4213618, "stdev_value": 2.6238609, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 331, "min_value": 0.4680631, "max_value": 26.8705864, "mean_value": 10.468143, "stdev_value": 2.6812753, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 8.8132706, "max_value": 12.4159631, "mean_value": 10.2226592, "stdev_value": 0.8368107, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 2.3584906, "max_value": 19.6153846, "mean_value": 10.4713187, "stdev_value": 1.8961675, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 5.5555556, "max_value": 39.6263807, "mean_value": 21.4008743, "stdev_value": 4.321096, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 9.6899225, "max_value": 40.625, "mean_value": 23.9224288, "stdev_value": 4.8282974, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 9.4119587, "max_value": 40.3463675, "mean_value": 22.4776737, "stdev_value": 4.8522507, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 16.8978868, "max_value": 28.7211177, "mean_value": 20.8719719, "stdev_value": 2.5463764, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 5.5555556, "max_value": 38.942329, "mean_value": 21.3398772, "stdev_value": 4.238066, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 7.5999696, "max_value": 67.7883312, "mean_value": 33.9147538, "stdev_value": 11.7913429, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 5.9090909, "max_value": 59.9056604, "mean_value": 27.3755076, "stdev_value": 11.0428184, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 4.9886613, "max_value": 60.5993142, "mean_value": 32.0541118, "stdev_value": 11.767344, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 16.3324104, "max_value": 50.1111523, "mean_value": 34.9273113, "stdev_value": 11.0253327, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 7.5999696, "max_value": 67.7883312, "mean_value": 34.0707155, "stdev_value": 11.7727205, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 9.2224772, "max_value": 38.776445, "mean_value": 22.6533446, "stdev_value": 3.8633949, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 9.3137255, "max_value": 36.5740741, "mean_value": 21.3928019, "stdev_value": 4.3704203, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 8.3386675, "max_value": 38.9421067, "mean_value": 22.5059995, "stdev_value": 4.5892419, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 19.1838094, "max_value": 26.9859256, "mean_value": 22.7430719, "stdev_value": 2.2253834, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 9.2224772, "max_value": 38.776445, "mean_value": 22.6736772, "stdev_value": 3.8323621, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 22.0150329, "max_value": 56.250625, "mean_value": 38.6763552, "stdev_value": 4.187104, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 27.4774775, "max_value": 60.4761905, "mean_value": 40.7726616, "stdev_value": 4.7536919, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 28.1531223, "max_value": 61.0581599, "mean_value": 41.1034348, "stdev_value": 4.4102823, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 34.6180556, "max_value": 41.5073, "mean_value": 38.5047144, "stdev_value": 1.441484, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 22.0150329, "max_value": 56.250625, "mean_value": 38.6436171, "stdev_value": 4.1338582, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 18.9814991, "max_value": 63.4969607, "mean_value": 38.0916004, "stdev_value": 5.7583841, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 20.8333333, "max_value": 61.2745098, "mean_value": 36.1879966, "stdev_value": 6.2874237, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 18.3854006, "max_value": 55.8194092, "mean_value": 35.787947, "stdev_value": 5.7656897, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 32.4725662, "max_value": 43.3047981, "mean_value": 38.2416588, "stdev_value": 2.9637077, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 18.5060327, "max_value": 63.4969607, "mean_value": 38.1241797, "stdev_value": 5.7263057, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 15.3592362, "max_value": 51.6000438, "mean_value": 31.6656623, "stdev_value": 4.3952503, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 12.3762376, "max_value": 48.5294118, "mean_value": 29.3215505, "stdev_value": 5.4914016, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 15.3036239, "max_value": 48.2089811, "mean_value": 30.2311313, "stdev_value": 4.9965866, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 22.0281863, "max_value": 35.1886422, "mean_value": 31.4579475, "stdev_value": 2.4228659, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 15.3592362, "max_value": 51.6000438, "mean_value": 31.69114, "stdev_value": 4.3716301, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 2.2936032, "max_value": 45.8906592, "mean_value": 16.6077555, "stdev_value": 6.5164296, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 6.8807339, "max_value": 45.0892857, "mean_value": 21.6270804, "stdev_value": 6.3256489, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 2.8657092, "max_value": 48.3796287, "mean_value": 22.2286587, "stdev_value": 7.5302762, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 9.8516076, "max_value": 30.4647337, "mean_value": 16.0890342, "stdev_value": 4.5571225, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 2.2936032, "max_value": 43.3333333, "mean_value": 16.4605263, "stdev_value": 6.338244, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 747, "min_value": 4.847558, "max_value": 42.3968791, "mean_value": 19.159348, "stdev_value": 3.8708993, "last_update": 1616241078, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 5.9633028, "max_value": 38.559322, "mean_value": 18.6961722, "stdev_value": 3.1790815, "last_update": 1616007475, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 358, "min_value": 4.872111, "max_value": 42.3968791, "mean_value": 19.1309308, "stdev_value": 3.7302484, "last_update": 1616154698, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 15.7917384, "max_value": 20.7178579, "mean_value": 18.8105557, "stdev_value": 1.2162638, "last_update": 1616500412, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 10.4255319, "max_value": 30.2531646, "mean_value": 19.1213406, "stdev_value": 2.8239792, "last_update": 1616241130, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20210808, "num_locations": 613, "min_value": 2.1045755, "max_value": 34.7777461, "mean_value": 13.6739243, "stdev_value": 3.9296526, "last_update": 1628859260, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20210808, "num_locations": 306, "min_value": 1.8382353, "max_value": 31.875, "mean_value": 13.0120225, "stdev_value": 3.4660622, "last_update": 1628859334, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20210808, "num_locations": 331, "min_value": 2.1202975, "max_value": 34.9286958, "mean_value": 13.5061658, "stdev_value": 3.7434069, "last_update": 1628859384, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20210808, "num_locations": 1, "min_value": 8.2389937, "max_value": 18.2134159, "mean_value": 11.6851502, "stdev_value": 2.7929577, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20210808, "num_locations": 51, "min_value": 2.8965525, "max_value": 29.4701987, "mean_value": 12.4222859, "stdev_value": 3.5652697, "last_update": 1628859426, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 661, "min_value": 0.3968254, "max_value": 62.441788, "mean_value": 23.287253, "stdev_value": 9.5629329, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 306, "min_value": 2.173913, "max_value": 60.7623318, "mean_value": 24.7447958, "stdev_value": 9.6134064, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 347, "min_value": 1.5594999, "max_value": 62.1868215, "mean_value": 23.7939522, "stdev_value": 9.501255, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 13.4884718, "max_value": 40.0608608, "mean_value": 24.4992133, "stdev_value": 8.4733292, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.173913, "max_value": 50.8052975, "mean_value": 24.6392135, "stdev_value": 9.7344291, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 12.5277006, "max_value": 43.8679245, "mean_value": 26.0102465, "stdev_value": 3.7732528, "last_update": 1628859260, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 11.5384615, "max_value": 43.4579439, "mean_value": 25.8718915, "stdev_value": 3.7725057, "last_update": 1628686582, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 12.4357971, "max_value": 41.5143999, "mean_value": 25.9393855, "stdev_value": 3.6950898, "last_update": 1628772893, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 17.9802956, "max_value": 29.9519231, "mean_value": 26.0913333, "stdev_value": 1.7161223, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 13.0027675, "max_value": 41.3033063, "mean_value": 25.8046834, "stdev_value": 3.0869843, "last_update": 1628859426, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 0.2155175, "max_value": 15.4996704, "mean_value": 3.7842147, "stdev_value": 1.9095974, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 0.210084, "max_value": 17.1052632, "mean_value": 3.7624734, "stdev_value": 1.9099158, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 0.2395013, "max_value": 15.1063542, "mean_value": 3.8823708, "stdev_value": 2.0000504, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 2.2810659, "max_value": 6.4393365, "mean_value": 3.00952, "stdev_value": 0.8952847, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 0.2155175, "max_value": 13.3879781, "mean_value": 3.2393359, "stdev_value": 1.375276, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20211224, "num_locations": 269, "min_value": 2.2711045, "max_value": 24.2835511, "mean_value": 11.5717715, "stdev_value": 2.5257658, "last_update": 1643835092, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20211222, "num_locations": 264, "min_value": 2.4271845, "max_value": 25.0, "mean_value": 11.6271007, "stdev_value": 2.7578404, "last_update": 1643835166, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20211223, "num_locations": 182, "min_value": 2.8420633, "max_value": 26.9141005, "mean_value": 11.5699548, "stdev_value": 2.7739234, "last_update": 1643835230, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20211225, "num_locations": 1, "min_value": 8.9895988, "max_value": 17.1052632, "mean_value": 11.729474, "stdev_value": 0.875215, "last_update": 1643835277, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20211224, "num_locations": 50, "min_value": 4.1616781, "max_value": 23.2824427, "mean_value": 11.9406882, "stdev_value": 2.0460138, "last_update": 1643835289, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 69, "min_value": 7.9831933, "max_value": 34.8039216, "mean_value": 18.8957762, "stdev_value": 2.8859943, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "hrr", "min_time": 20211220, "max_time": 20220627, "num_locations": 126, "min_value": 6.302521, "max_value": 31.9047619, "mean_value": 18.8031445, "stdev_value": 3.4864675, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 64, "min_value": 8.0349518, "max_value": 34.7722556, "mean_value": 19.155767, "stdev_value": 3.2134825, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 17.6337973, "max_value": 19.5578457, "mean_value": 18.6053012, "stdev_value": 0.4896687, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 47, "min_value": 7.9831933, "max_value": 34.8039216, "mean_value": 18.8072841, "stdev_value": 2.7702798, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 5.2643266, "max_value": 65.8658853, "mean_value": 36.5191347, "stdev_value": 10.7791288, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 5.2884615, "max_value": 66.509434, "mean_value": 37.0626382, "stdev_value": 9.9607681, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 10.8144015, "max_value": 63.5412222, "mean_value": 34.8606277, "stdev_value": 9.7029899, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 21.7519331, "max_value": 48.3679162, "mean_value": 41.1213222, "stdev_value": 7.1859845, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 13.345267, "max_value": 65.8658853, "mean_value": 41.3420766, "stdev_value": 8.1618468, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 8.1357775, "max_value": 70.1762823, "mean_value": 38.9057405, "stdev_value": 12.3176294, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 8.3333333, "max_value": 69.8019802, "mean_value": 38.3684199, "stdev_value": 11.035503, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 11.2684577, "max_value": 68.220897, "mean_value": 36.617055, "stdev_value": 10.7274537, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 25.1080152, "max_value": 55.7046293, "mean_value": 45.6832141, "stdev_value": 8.7490289, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 12.9464286, "max_value": 70.1762823, "mean_value": 45.4180477, "stdev_value": 10.3103028, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 2.9466938, "max_value": 26.9230769, "mean_value": 13.2918204, "stdev_value": 3.0049618, "last_update": 1628859261, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 3.125, "max_value": 30.0, "mean_value": 13.4446659, "stdev_value": 2.9658351, "last_update": 1628686582, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 3.1643019, "max_value": 26.6417236, "mean_value": 13.2466141, "stdev_value": 2.8991616, "last_update": 1628772893, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 11.9954903, "max_value": 19.0625, "mean_value": 14.5410251, "stdev_value": 1.7983539, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 5.752447, "max_value": 25.4807711, "mean_value": 13.7821031, "stdev_value": 2.58501, "last_update": 1628859426, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 7.6253143, "max_value": 41.5178571, "mean_value": 23.6646706, "stdev_value": 4.6730662, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 8.3333333, "max_value": 45.3389831, "mean_value": 23.8568069, "stdev_value": 5.0179228, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 7.6046012, "max_value": 41.8429875, "mean_value": 23.2509192, "stdev_value": 4.9052365, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 18.6429566, "max_value": 29.2183088, "mean_value": 24.8469856, "stdev_value": 3.1445592, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 10.4982767, "max_value": 41.5178571, "mean_value": 25.0455331, "stdev_value": 4.1267331, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 1.151964, "max_value": 48.1833181, "mean_value": 14.9931388, "stdev_value": 9.8883824, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 0.2564103, "max_value": 50.462963, "mean_value": 14.4400568, "stdev_value": 9.0336238, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 1.14958, "max_value": 46.0995474, "mean_value": 15.6970358, "stdev_value": 9.478581, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 5.4775281, "max_value": 30.9452429, "mean_value": 10.4082069, "stdev_value": 6.5575274, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 1.3643111, "max_value": 41.9376261, "mean_value": 11.028012, "stdev_value": 7.1934213, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.386761, "max_value": 20.7570463, "mean_value": 8.0616076, "stdev_value": 2.1608849, "last_update": 1628859261, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 1.1363636, "max_value": 19.9115044, "mean_value": 8.2536819, "stdev_value": 2.1689074, "last_update": 1628686583, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 1.4547853, "max_value": 21.8581853, "mean_value": 8.133678, "stdev_value": 2.1755125, "last_update": 1628772894, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 5.2469136, "max_value": 12.0967742, "mean_value": 8.8603661, "stdev_value": 1.3347251, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 3.5089339, "max_value": 20.1410863, "mean_value": 8.4542469, "stdev_value": 1.7608239, "last_update": 1628859427, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 1.5032889, "max_value": 38.4530358, "mean_value": 18.0318265, "stdev_value": 6.0784961, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 2.7108434, "max_value": 41.1504425, "mean_value": 18.2904596, "stdev_value": 6.2693802, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 2.3625711, "max_value": 40.9060207, "mean_value": 17.7624169, "stdev_value": 6.2768452, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 9.8386754, "max_value": 26.1018426, "mean_value": 19.7260919, "stdev_value": 4.2675848, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 6.0416717, "max_value": 38.4353741, "mean_value": 19.9759984, "stdev_value": 5.0931442, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.3552191, "max_value": 14.6540741, "mean_value": 5.6372688, "stdev_value": 1.8499839, "last_update": 1628859261, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 0.3546099, "max_value": 16.0194175, "mean_value": 5.5408598, "stdev_value": 1.8581863, "last_update": 1628686583, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 0.3552191, "max_value": 15.2817242, "mean_value": 5.6604232, "stdev_value": 1.8489533, "last_update": 1628772894, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 4.768177, "max_value": 8.4482759, "mean_value": 5.7052265, "stdev_value": 0.7252245, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 0.4761905, "max_value": 14.6177141, "mean_value": 5.6006103, "stdev_value": 1.4179715, "last_update": 1628859427, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 0.2360437, "max_value": 31.0896908, "mean_value": 9.5731818, "stdev_value": 5.6135668, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 0.2145923, "max_value": 32.5242718, "mean_value": 9.5878573, "stdev_value": 5.6824616, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 0.2575795, "max_value": 33.000132, "mean_value": 9.0745758, "stdev_value": 5.588583, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 2.9005064, "max_value": 17.879135, "mean_value": 11.4734824, "stdev_value": 4.4808544, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 0.4587282, "max_value": 31.0896908, "mean_value": 11.4886602, "stdev_value": 5.1003127, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 32.1700956, "max_value": 77.7274672, "mean_value": 54.5277961, "stdev_value": 6.6817846, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 31.7391304, "max_value": 77.184466, "mean_value": 54.6944144, "stdev_value": 6.8935509, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 31.3196644, "max_value": 77.8600854, "mean_value": 54.208866, "stdev_value": 6.8612561, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 46.2099725, "max_value": 61.6628626, "mean_value": 56.8816361, "stdev_value": 4.3930445, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 36.222644, "max_value": 77.7274672, "mean_value": 56.8734399, "stdev_value": 5.5501117, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 2.6923077, "max_value": 60.9159097, "mean_value": 30.8502858, "stdev_value": 10.6748742, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 3.9634146, "max_value": 60.738255, "mean_value": 30.479742, "stdev_value": 9.5801621, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 4.9094519, "max_value": 60.2549363, "mean_value": 29.5871094, "stdev_value": 9.7960234, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 14.985451, "max_value": 44.0741505, "mean_value": 34.973603, "stdev_value": 7.3436236, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 9.8511649, "max_value": 60.9159097, "mean_value": 35.3889361, "stdev_value": 8.6494152, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 7.203921, "max_value": 61.8609084, "mean_value": 33.163916, "stdev_value": 9.1076926, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 7.4257426, "max_value": 58.6065574, "mean_value": 34.2231687, "stdev_value": 7.8186749, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 8.4083875, "max_value": 56.0710642, "mean_value": 35.301723, "stdev_value": 7.945878, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 15.5350781, "max_value": 42.261273, "mean_value": 29.55581, "stdev_value": 8.3428445, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 7.203921, "max_value": 50.3012048, "mean_value": 29.9396632, "stdev_value": 8.5442628, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220627, "num_locations": 1254, "min_value": 1.4851485, "max_value": 71.4236679, "mean_value": 21.7236053, "stdev_value": 10.0597465, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220627, "num_locations": 306, "min_value": 2.0833333, "max_value": 69.6261682, "mean_value": 22.5243714, "stdev_value": 10.1504462, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220627, "num_locations": 381, "min_value": 2.291879, "max_value": 71.5988029, "mean_value": 22.9118476, "stdev_value": 10.3617076, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220627, "num_locations": 1, "min_value": 8.9571677, "max_value": 46.6586363, "mean_value": 21.5844429, "stdev_value": 7.4300114, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220627, "num_locations": 52, "min_value": 3.0, "max_value": 63.6425937, "mean_value": 22.0163667, "stdev_value": 9.5743832, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220627, "num_locations": 1536, "min_value": 0.0, "max_value": 13.0003763, "mean_value": 1.0523321, "stdev_value": 1.0539384, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220627, "num_locations": 306, "min_value": 0.0, "max_value": 12.4443956, "mean_value": 1.2519422, "stdev_value": 1.0877521, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220627, "num_locations": 382, "min_value": 0.0, "max_value": 12.9951589, "mean_value": 1.1853276, "stdev_value": 1.1148771, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220627, "num_locations": 1, "min_value": 0.3778058, "max_value": 4.5067924, "mean_value": 1.1945039, "stdev_value": 0.8030019, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220627, "num_locations": 52, "min_value": 0.0, "max_value": 7.5896827, "mean_value": 1.2279235, "stdev_value": 0.9389695, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 295, "min_value": 2.4768475, "max_value": 95.9090909, "mean_value": 44.5197765, "stdev_value": 24.4115893, "last_update": 1643835093, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 264, "min_value": 2.5, "max_value": 96.6981132, "mean_value": 46.6805616, "stdev_value": 23.126512, "last_update": 1643835167, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211224, "num_locations": 181, "min_value": 2.4768475, "max_value": 95.8277046, "mean_value": 45.6823519, "stdev_value": 23.6294977, "last_update": 1643835232, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 31.1474442, "max_value": 86.2974266, "mean_value": 57.9919467, "stdev_value": 19.6343032, "last_update": 1643835278, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 4.6188443, "max_value": 95.9090909, "mean_value": 58.5177167, "stdev_value": 22.7773491, "last_update": 1643835290, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 70, "min_value": 64.2528801, "max_value": 99.5454541, "mean_value": 93.1441744, "stdev_value": 3.8302019, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220627, "num_locations": 89, "min_value": 58.7378641, "max_value": 99.7326203, "mean_value": 91.7818697, "stdev_value": 5.0539044, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 53, "min_value": 58.9464332, "max_value": 99.6914588, "mean_value": 92.912921, "stdev_value": 4.2150885, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 88.4834058, "max_value": 95.8449786, "mean_value": 93.797397, "stdev_value": 1.8885489, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 42, "min_value": 64.2528801, "max_value": 99.5454541, "mean_value": 93.2461363, "stdev_value": 3.7585036, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 293, "min_value": 0.4471104, "max_value": 75.0, "mean_value": 23.66865, "stdev_value": 12.0654216, "last_update": 1643835094, "max_issue": 20220202, "min_lag": 1, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 259, "min_value": 0.4464286, "max_value": 64.9390244, "mean_value": 24.6476029, "stdev_value": 11.1406814, "last_update": 1643835167, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211223, "num_locations": 178, "min_value": 0.4471104, "max_value": 67.5480642, "mean_value": 23.7069805, "stdev_value": 11.3600091, "last_update": 1643835232, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 14.670418, "max_value": 28.0281176, "mean_value": 21.435269, "stdev_value": 4.6015634, "last_update": 1643835278, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 4.6727195, "max_value": 65.3645513, "mean_value": 22.4179137, "stdev_value": 9.9737538, "last_update": 1643835290, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 70, "min_value": 0.1455601, "max_value": 25.061993, "mean_value": 4.3675839, "stdev_value": 2.6485041, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220627, "num_locations": 89, "min_value": 0.1968504, "max_value": 27.4691358, "mean_value": 5.2424037, "stdev_value": 3.457449, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 53, "min_value": 0.2105131, "max_value": 30.1952249, "mean_value": 4.4253137, "stdev_value": 2.7792599, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 2.4698405, "max_value": 7.3677432, "mean_value": 3.9326243, "stdev_value": 1.2549263, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 42, "min_value": 0.1455601, "max_value": 21.0691824, "mean_value": 4.3116651, "stdev_value": 2.6010067, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 0.2747253, "max_value": 35.0190308, "mean_value": 9.9150598, "stdev_value": 5.0553773, "last_update": 1616241080, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 0.5050505, "max_value": 38.372093, "mean_value": 10.6125117, "stdev_value": 4.9980909, "last_update": 1616007477, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 0.2747253, "max_value": 41.2128132, "mean_value": 10.5650454, "stdev_value": 5.0873737, "last_update": 1616154700, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 5.821922, "max_value": 14.4078957, "mean_value": 9.8547453, "stdev_value": 2.9501063, "last_update": 1616500415, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 1.3324856, "max_value": 27.9500957, "mean_value": 10.08541, "stdev_value": 4.6567058, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 0.8426611, "max_value": 48.9674534, "mean_value": 19.5557945, "stdev_value": 6.5286424, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 1.2, "max_value": 49.5535714, "mean_value": 20.8342057, "stdev_value": 6.3583766, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 1.0457604, "max_value": 48.695691, "mean_value": 20.0899501, "stdev_value": 6.3579349, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 9.2876428, "max_value": 28.4955233, "mean_value": 20.3804892, "stdev_value": 4.9184689, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 2.1613833, "max_value": 42.4393107, "mean_value": 20.8737336, "stdev_value": 6.3113389, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220627, "num_locations": 1255, "min_value": 0.0873015873015873, "max_value": 64.9542619, "mean_value": 17.3135055, "stdev_value": 9.2732346, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220627, "num_locations": 306, "min_value": 0.4385965, "max_value": 62.3015873, "mean_value": 17.847692, "stdev_value": 9.3914735, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220627, "num_locations": 381, "min_value": 0.4140571, "max_value": 62.6385053, "mean_value": 18.2762835, "stdev_value": 9.6017706, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220627, "num_locations": 1, "min_value": 5.9029574, "max_value": 40.1083297, "mean_value": 17.0003805, "stdev_value": 6.7897742, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220627, "num_locations": 52, "min_value": 1.8, "max_value": 57.8524353, "mean_value": 17.3921858, "stdev_value": 8.8588016, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220627, "num_locations": 360, "min_value": 3.3562166, "max_value": 57.5892857, "mean_value": 20.6124184, "stdev_value": 6.831208, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220627, "num_locations": 290, "min_value": 3.0701754, "max_value": 57.2, "mean_value": 19.9457339, "stdev_value": 6.4247535, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220627, "num_locations": 214, "min_value": 3.0156712, "max_value": 57.5892857, "mean_value": 20.1721024, "stdev_value": 6.5892291, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220627, "num_locations": 1, "min_value": 12.6425317, "max_value": 30.5620336, "mean_value": 19.4177543, "stdev_value": 3.9138545, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220627, "num_locations": 51, "min_value": 6.1373559, "max_value": 54.1118421, "mean_value": 19.1732815, "stdev_value": 5.9312161, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20210808, "num_locations": 726, "min_value": 0.4545455, "max_value": 99.5689655, "mean_value": 76.7892852, "stdev_value": 20.3268655, "last_update": 1628859266, "max_issue": 20210813, "min_lag": 0, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20210808, "num_locations": 306, "min_value": 0.3012048, "max_value": 97.8483607, "mean_value": 70.5054701, "stdev_value": 23.0938682, "last_update": 1628859339, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20210808, "num_locations": 355, "min_value": 0.9678555, "max_value": 99.3561028, "mean_value": 73.8146157, "stdev_value": 20.8637976, "last_update": 1628859387, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20210808, "num_locations": 1, "min_value": 11.3260333, "max_value": 83.3975338, "mean_value": 62.0673298, "stdev_value": 26.5766067, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20210808, "num_locations": 51, "min_value": 0.4545455, "max_value": 97.3011364, "mean_value": 65.3182332, "stdev_value": 27.4483035, "last_update": 1628859428, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 363, "min_value": 0.1847656, "max_value": 91.411247, "mean_value": 24.0853734, "stdev_value": 22.5073682, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.1552795, "max_value": 91.6666667, "mean_value": 19.7083939, "stdev_value": 20.4022362, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.1495027, "max_value": 88.8538176, "mean_value": 20.9942671, "stdev_value": 20.7558111, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 3.3426304, "max_value": 55.2231769, "mean_value": 19.5272947, "stdev_value": 10.9635458, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.2051755, "max_value": 86.6319444, "mean_value": 17.6915699, "stdev_value": 18.9261281, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 835, "min_value": 0.095057, "max_value": 62.1767008, "mean_value": 4.0788632, "stdev_value": 4.2801094, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220627, "num_locations": 306, "min_value": 0.1347709, "max_value": 49.3869732, "mean_value": 3.9592897, "stdev_value": 3.574987, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 370, "min_value": 0.134393, "max_value": 22.9349191, "mean_value": 3.5387868, "stdev_value": 2.0462001, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 2.1052249, "max_value": 6.8432808, "mean_value": 4.3162926, "stdev_value": 1.3625614, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 0.2777778, "max_value": 40.6077348, "mean_value": 4.2994529, "stdev_value": 3.2892331, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 350, "min_value": 45.7284817, "max_value": 95.754717, "mean_value": 80.5063719, "stdev_value": 5.9788001, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 48.828125, "max_value": 96.7592593, "mean_value": 80.9544846, "stdev_value": 5.5061638, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 55.8864608, "max_value": 96.0307321, "mean_value": 81.0345777, "stdev_value": 5.0956802, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 79.5861654, "max_value": 82.0039327, "mean_value": 80.7542663, "stdev_value": 0.6791153, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 61.328125, "max_value": 95.2020275, "mean_value": 81.4277317, "stdev_value": 4.1343718, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20211114, "num_locations": 552, "min_value": 2.3198356, "max_value": 99.5404178, "mean_value": 80.4469778, "stdev_value": 17.4457364, "last_update": 1637329883, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "hrr", "min_time": 20210114, "max_time": 20211114, "num_locations": 305, "min_value": 2.6315789, "max_value": 98.7603306, "mean_value": 78.6262274, "stdev_value": 19.1983196, "last_update": 1637329975, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20211114, "num_locations": 314, "min_value": 1.4015063, "max_value": 99.5404178, "mean_value": 79.7855858, "stdev_value": 18.1636474, "last_update": 1637330045, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20211114, "num_locations": 1, "min_value": 18.0464866, "max_value": 93.7901764, "mean_value": 76.0886178, "stdev_value": 21.9440468, "last_update": 1637330091, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20211114, "num_locations": 51, "min_value": 7.195572, "max_value": 96.8390805, "mean_value": 76.7985081, "stdev_value": 21.4059638, "last_update": 1637330099, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 17.312376, "max_value": 83.8691929, "mean_value": 50.6508482, "stdev_value": 9.2428997, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 18.7943262, "max_value": 79.2763158, "mean_value": 48.1565334, "stdev_value": 8.7193388, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 17.312376, "max_value": 80.0966962, "mean_value": 49.9010932, "stdev_value": 8.6830128, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 34.376968, "max_value": 62.0013045, "mean_value": 47.7332059, "stdev_value": 6.9562962, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 21.3121132, "max_value": 80.0653595, "mean_value": 47.8799708, "stdev_value": 8.7058391, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 15.4020118, "max_value": 76.4838488, "mean_value": 46.0801026, "stdev_value": 9.0546172, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 10.3960396, "max_value": 76.0869565, "mean_value": 43.6024718, "stdev_value": 8.6323687, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 15.4020118, "max_value": 76.4838488, "mean_value": 45.2427395, "stdev_value": 8.5528722, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 29.6171405, "max_value": 52.3496564, "mean_value": 43.040267, "stdev_value": 6.3316409, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 15.7130176, "max_value": 70.0980392, "mean_value": 42.9188447, "stdev_value": 8.2292133, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 7.7432706, "max_value": 50.7741956, "mean_value": 26.7384901, "stdev_value": 5.8833039, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 5.1181102, "max_value": 51.1904762, "mean_value": 25.5411159, "stdev_value": 5.6777075, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 7.9338375, "max_value": 47.7828711, "mean_value": 26.0776042, "stdev_value": 5.6801554, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 18.5287658, "max_value": 32.7078103, "mean_value": 25.0839403, "stdev_value": 4.232665, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 8.6484698, "max_value": 48.8970588, "mean_value": 24.9527965, "stdev_value": 5.1881611, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 11.2360077, "max_value": 75.9390557, "mean_value": 42.3387361, "stdev_value": 8.5996051, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 8.7155963, "max_value": 72.1238938, "mean_value": 40.1722302, "stdev_value": 8.2112814, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 10.7331883, "max_value": 75.9390557, "mean_value": 41.4797682, "stdev_value": 8.2858454, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 26.3702126, "max_value": 48.9312391, "mean_value": 39.6279308, "stdev_value": 6.2032699, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 16.1182262, "max_value": 75.6849315, "mean_value": 39.8700826, "stdev_value": 8.2698508, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 18.1361571, "max_value": 71.5753425, "mean_value": 40.9366511, "stdev_value": 6.6404217, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 13.8095238, "max_value": 66.2601626, "mean_value": 38.8559338, "stdev_value": 6.2780698, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 17.6076207, "max_value": 67.8437627, "mean_value": 39.9352284, "stdev_value": 5.9403424, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 29.8004842, "max_value": 44.8232294, "mean_value": 38.7965116, "stdev_value": 3.379436, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 18.5121144, "max_value": 71.5753425, "mean_value": 38.4492033, "stdev_value": 5.5845236, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 13.086205, "max_value": 51.3641074, "mean_value": 31.4615558, "stdev_value": 5.099061, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 9.5041322, "max_value": 52.962963, "mean_value": 30.9371166, "stdev_value": 5.0522055, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 12.7113586, "max_value": 52.5606046, "mean_value": 31.4198377, "stdev_value": 5.0660626, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 25.7341349, "max_value": 35.5974473, "mean_value": 30.3417511, "stdev_value": 3.5064817, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 16.3908796, "max_value": 46.9298246, "mean_value": 30.3429556, "stdev_value": 4.4405127, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 2.0719957, "max_value": 51.741146, "mean_value": 18.2266474, "stdev_value": 6.5932903, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 3.2934132, "max_value": 51.3392857, "mean_value": 20.2708858, "stdev_value": 6.7447741, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 3.4415375, "max_value": 50.8466214, "mean_value": 19.0390409, "stdev_value": 6.2442693, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 13.285984, "max_value": 31.2890969, "mean_value": 20.5412468, "stdev_value": 5.0736556, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 3.3980583, "max_value": 51.741146, "mean_value": 21.024077, "stdev_value": 6.7603186, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 0.8940556, "max_value": 32.5937989, "mean_value": 14.0008319, "stdev_value": 4.2653918, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 1.4018692, "max_value": 34.2975207, "mean_value": 13.6821224, "stdev_value": 4.1663945, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 0.9588292, "max_value": 33.178543, "mean_value": 13.8866663, "stdev_value": 4.2377682, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 6.6163647, "max_value": 19.3050672, "mean_value": 13.1515188, "stdev_value": 3.3615168, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.5184476, "max_value": 30.6034483, "mean_value": 13.2356591, "stdev_value": 3.7841364, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 0.1473069, "max_value": 45.2891468, "mean_value": 3.5073868, "stdev_value": 2.0707023, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.1272265, "max_value": 44.9115044, "mean_value": 3.4576402, "stdev_value": 1.9319238, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 0.1374717, "max_value": 44.8339205, "mean_value": 3.5319733, "stdev_value": 2.1284912, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 1.9109, "max_value": 4.7174082, "mean_value": 3.1307987, "stdev_value": 0.6967878, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.1612903, "max_value": 30.9379587, "mean_value": 3.2542438, "stdev_value": 1.6775432, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 0.3676141, "max_value": 43.0794739, "mean_value": 16.832985, "stdev_value": 6.4682913, "last_update": 1616241082, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 1.6081871, "max_value": 38.6178862, "mean_value": 17.1756996, "stdev_value": 6.1310185, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 1.3915847, "max_value": 41.8370156, "mean_value": 17.3328964, "stdev_value": 6.3786693, "last_update": 1616154700, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 10.4524366, "max_value": 22.6636252, "mean_value": 16.8144285, "stdev_value": 4.0862523, "last_update": 1616500416, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 3.5497285, "max_value": 35.6485482, "mean_value": 16.9186822, "stdev_value": 5.5279085, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 2.7331963, "max_value": 64.8308781, "mean_value": 31.960638, "stdev_value": 7.7718147, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 2.6011561, "max_value": 67.1428571, "mean_value": 32.8701005, "stdev_value": 7.2634747, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 2.9035161, "max_value": 64.8308781, "mean_value": 32.5363587, "stdev_value": 7.4270669, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 17.2784122, "max_value": 39.501548, "mean_value": 32.6372926, "stdev_value": 5.4919707, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 6.1959654, "max_value": 53.0953846, "mean_value": 32.7768418, "stdev_value": 6.9573693, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20210319, "max_time": 20220216, "num_locations": 62, "min_value": 0.117647, "max_value": 23.1817905, "mean_value": 2.8704683, "stdev_value": 2.4927731, "last_update": 1645451502, "max_issue": 20220221, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20210319, "max_time": 20220203, "num_locations": 59, "min_value": 0.1557632, "max_value": 16.2280702, "mean_value": 2.9334139, "stdev_value": 2.3583522, "last_update": 1644333640, "max_issue": 20220208, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20210319, "max_time": 20220212, "num_locations": 36, "min_value": 0.1706702, "max_value": 13.4830291, "mean_value": 2.6089512, "stdev_value": 2.165859, "last_update": 1645113254, "max_issue": 20220217, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20210319, "max_time": 20220218, "num_locations": 1, "min_value": 1.033658, "max_value": 8.3287778, "mean_value": 2.5091115, "stdev_value": 1.8165345, "last_update": 1645624431, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20210319, "max_time": 20220216, "num_locations": 41, "min_value": 0.117647, "max_value": 23.1817905, "mean_value": 2.862409, "stdev_value": 2.4994776, "last_update": 1645451656, "max_issue": 20220221, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 31.0457878, "max_value": 80.9303016, "mean_value": 55.799649, "stdev_value": 5.697443, "last_update": 1616241082, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 34.1911765, "max_value": 80.078125, "mean_value": 56.1945625, "stdev_value": 4.9992259, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 31.0457878, "max_value": 79.8241917, "mean_value": 56.2465007, "stdev_value": 5.5273594, "last_update": 1616154701, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 48.7589625, "max_value": 63.5714286, "mean_value": 56.0491055, "stdev_value": 3.6312046, "last_update": 1616500416, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 38.8026714, "max_value": 71.0785011, "mean_value": 55.8633728, "stdev_value": 4.390865, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 37.1943143, "max_value": 86.213313, "mean_value": 63.5125812, "stdev_value": 5.9668137, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 37.3873874, "max_value": 83.8582677, "mean_value": 64.0812804, "stdev_value": 5.3502162, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 39.8970268, "max_value": 85.235709, "mean_value": 63.8099815, "stdev_value": 5.6786129, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 52.584436, "max_value": 69.1694563, "mean_value": 63.8664099, "stdev_value": 4.1159181, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 39.0489914, "max_value": 77.3469237, "mean_value": 64.202676, "stdev_value": 4.7537286, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 11.1333192, "max_value": 65.7019113, "mean_value": 35.7243069, "stdev_value": 7.20866, "last_update": 1616241082, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 16.0805861, "max_value": 68.0147059, "mean_value": 36.3163891, "stdev_value": 6.8526953, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 14.7522808, "max_value": 71.5605842, "mean_value": 36.4135148, "stdev_value": 6.9560007, "last_update": 1616154701, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 27.3592369, "max_value": 45.4855762, "mean_value": 35.6599339, "stdev_value": 5.2053241, "last_update": 1616500416, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 20.9839357, "max_value": 61.1029307, "mean_value": 36.1353946, "stdev_value": 6.4029348, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 13.6185427, "max_value": 68.0766531, "mean_value": 42.5816393, "stdev_value": 6.7250815, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 13.8980263, "max_value": 69.4174757, "mean_value": 43.5116699, "stdev_value": 6.3400205, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 15.7098596, "max_value": 67.506316, "mean_value": 43.1458971, "stdev_value": 6.3721644, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 31.7669627, "max_value": 50.1394421, "mean_value": 43.013888, "stdev_value": 4.2230405, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 19.5478723, "max_value": 62.0851589, "mean_value": 44.0493843, "stdev_value": 5.8402787, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 802, "min_value": 0.3763116, "max_value": 60.1618463, "mean_value": 13.3762443, "stdev_value": 7.1632356, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220627, "num_locations": 306, "min_value": 0.3759398, "max_value": 54.8507463, "mean_value": 13.3679335, "stdev_value": 6.8422179, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 366, "min_value": 0.468327, "max_value": 51.7699115, "mean_value": 13.0237435, "stdev_value": 6.7146357, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 6.7457229, "max_value": 30.8202368, "mean_value": 13.6709261, "stdev_value": 5.6521833, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 3.1647525, "max_value": 55.9561129, "mean_value": 13.7596762, "stdev_value": 6.8894805, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 225, "min_value": 0.3179165, "max_value": 55.3326263, "mean_value": 16.1408705, "stdev_value": 9.5222896, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200909, "max_time": 20220627, "num_locations": 225, "min_value": 0.3289474, "max_value": 58.8461538, "mean_value": 17.0765221, "stdev_value": 10.0769297, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 91}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 138, "min_value": 0.3697014, "max_value": 57.088055, "mean_value": 16.5016645, "stdev_value": 9.9953246, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 4.5745106, "max_value": 33.5769515, "mean_value": 14.4196346, "stdev_value": 6.8459732, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 0.3448276, "max_value": 50.4549182, "mean_value": 15.6387244, "stdev_value": 9.0528174, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20210315, "num_locations": 1438, "min_value": 0.1278728, "max_value": 62.0102684, "mean_value": 9.2267224, "stdev_value": 6.9656407, "last_update": 1616241083, "max_issue": 20210320, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20210311, "num_locations": 306, "min_value": 0.1602564, "max_value": 60.8490566, "mean_value": 8.8027838, "stdev_value": 5.8373052, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20210314, "num_locations": 382, "min_value": 0.1057638, "max_value": 58.3878256, "mean_value": 8.6504808, "stdev_value": 6.4744061, "last_update": 1616154701, "max_issue": 20210319, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20210318, "num_locations": 1, "min_value": 3.4962419, "max_value": 12.0337847, "mean_value": 8.345124, "stdev_value": 2.2727862, "last_update": 1616500417, "max_issue": 20210323, "min_lag": 5, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20210315, "num_locations": 52, "min_value": 0.5523732, "max_value": 33.68356, "mean_value": 10.1314193, "stdev_value": 5.3121718, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 5, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220218, "num_locations": 663, "min_value": 0.2888028, "max_value": 59.9099099, "mean_value": 13.4613361, "stdev_value": 7.0376795, "last_update": 1645624303, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220217, "num_locations": 306, "min_value": 0.3267974, "max_value": 52.4074074, "mean_value": 13.4212873, "stdev_value": 6.676349, "last_update": 1645538035, "max_issue": 20220222, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220218, "num_locations": 347, "min_value": 0.2888028, "max_value": 53.1144844, "mean_value": 12.7939332, "stdev_value": 6.795581, "last_update": 1645624404, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220220, "num_locations": 1, "min_value": 8.2461599, "max_value": 16.5613488, "mean_value": 12.9164168, "stdev_value": 2.1343214, "last_update": 1645797206, "max_issue": 20220225, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220218, "num_locations": 51, "min_value": 1.8213866, "max_value": 46.347032, "mean_value": 15.4810928, "stdev_value": 6.3118193, "last_update": 1645624441, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 350, "min_value": 27.1256082, "max_value": 84.5459654, "mean_value": 57.614259, "stdev_value": 7.5952306, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 25.462963, "max_value": 81.2883436, "mean_value": 54.9767355, "stdev_value": 7.3131159, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 29.7698242, "max_value": 79.825075, "mean_value": 56.5924869, "stdev_value": 6.8854451, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 49.3947756, "max_value": 59.4503216, "mean_value": 55.1219109, "stdev_value": 2.9995216, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 32.3779553, "max_value": 81.6037736, "mean_value": 54.8223408, "stdev_value": 6.4017258, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 349, "min_value": 46.2507761, "max_value": 90.2044342, "mean_value": 69.5155329, "stdev_value": 6.197707, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 39.9038462, "max_value": 87.7952756, "mean_value": 67.379049, "stdev_value": 5.8552502, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 47.6851852, "max_value": 88.1973757, "mean_value": 68.9191687, "stdev_value": 5.4751655, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 65.0621494, "max_value": 70.6477209, "mean_value": 67.5793704, "stdev_value": 1.3295593, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 46.2507761, "max_value": 86.9127517, "mean_value": 67.3045155, "stdev_value": 4.7440448, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 348, "min_value": 33.47621, "max_value": 91.0104694, "mean_value": 63.36685, "stdev_value": 8.5940192, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 287, "min_value": 27.9411765, "max_value": 87.1681416, "mean_value": 59.9603122, "stdev_value": 8.4220489, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 212, "min_value": 34.6926622, "max_value": 91.0104694, "mean_value": 62.0394297, "stdev_value": 7.6649362, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 56.7147029, "max_value": 63.9986564, "mean_value": 60.2942475, "stdev_value": 2.0538771, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 33.47621, "max_value": 87.8640777, "mean_value": 59.7360342, "stdev_value": 7.3349201, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 346, "min_value": 5.4369333, "max_value": 38.9051494, "mean_value": 18.1730347, "stdev_value": 3.2492851, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 287, "min_value": 5.4455446, "max_value": 39.1089109, "mean_value": 18.3914261, "stdev_value": 3.1059275, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 212, "min_value": 6.0849708, "max_value": 33.7606838, "mean_value": 17.9772443, "stdev_value": 3.0392559, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 16.2863731, "max_value": 19.811724, "mean_value": 18.2680896, "stdev_value": 0.8368338, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 7.2115385, "max_value": 30.9752385, "mean_value": 18.4532261, "stdev_value": 2.1554057, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 348, "min_value": 12.5616662, "max_value": 70.6140351, "mean_value": 35.4145167, "stdev_value": 6.9847982, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 10.5504587, "max_value": 61.4197531, "mean_value": 33.2079277, "stdev_value": 6.6038561, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 12.9255707, "max_value": 59.5366116, "mean_value": 34.2255822, "stdev_value": 6.2320838, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 30.0533624, "max_value": 36.817049, "mean_value": 33.275057, "stdev_value": 1.6798429, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 16.4116634, "max_value": 70.6140351, "mean_value": 33.0422332, "stdev_value": 5.6106437, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 345, "min_value": 0.9117942, "max_value": 30.8823529, "mean_value": 10.0398423, "stdev_value": 3.589571, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 287, "min_value": 0.3401361, "max_value": 27.5700935, "mean_value": 9.1369414, "stdev_value": 3.2422956, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 212, "min_value": 0.4032307, "max_value": 25.7424154, "mean_value": 9.3795789, "stdev_value": 2.8861662, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 7.7449028, "max_value": 11.2790921, "mean_value": 9.1526601, "stdev_value": 0.9311228, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 1.1426952, "max_value": 30.8823529, "mean_value": 8.8816003, "stdev_value": 2.4764832, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 345, "min_value": 0.1278606, "max_value": 18.3870968, "mean_value": 3.2940236, "stdev_value": 1.7737813, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 0.1207729, "max_value": 16.9871795, "mean_value": 3.0638253, "stdev_value": 1.5928745, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 211, "min_value": 0.1462759, "max_value": 13.1715615, "mean_value": 3.059005, "stdev_value": 1.4350094, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 2.4429154, "max_value": 3.4157622, "mean_value": 2.864685, "stdev_value": 0.2056409, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.1278606, "max_value": 9.3137255, "mean_value": 2.7453702, "stdev_value": 0.9634634, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 343, "min_value": 0.4550481, "max_value": 48.1382566, "mean_value": 9.6968356, "stdev_value": 3.5750494, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 286, "min_value": 1.2195122, "max_value": 48.6754967, "mean_value": 10.0372339, "stdev_value": 3.4546102, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 210, "min_value": 0.48076, "max_value": 47.664856, "mean_value": 9.869458, "stdev_value": 3.6585668, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 9.1331293, "max_value": 10.7871885, "mean_value": 9.7769491, "stdev_value": 0.3359694, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 1.4792899, "max_value": 31.6707078, "mean_value": 9.9613873, "stdev_value": 3.0734899, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220627, "num_locations": 43, "min_value": 0.3623013, "max_value": 19.6153997, "mean_value": 7.2753735, "stdev_value": 2.9945623, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "hrr", "min_time": 20210606, "max_time": 20220224, "num_locations": 36, "min_value": 2.016129, "max_value": 20.4347826, "mean_value": 9.8059247, "stdev_value": 3.2850435, "last_update": 1646148974, "max_issue": 20220301, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220525, "num_locations": 20, "min_value": 2.1013754, "max_value": 21.6321272, "mean_value": 10.038492, "stdev_value": 3.0406572, "last_update": 1653915198, "max_issue": 20220530, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220627, "num_locations": 1, "min_value": 2.5275853, "max_value": 10.6381247, "mean_value": 6.3220146, "stdev_value": 2.4845387, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220627, "num_locations": 39, "min_value": 0.3623013, "max_value": 19.6153997, "mean_value": 7.1912902, "stdev_value": 2.9158405, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 82, "min_value": 41.3385039, "max_value": 95.633186, "mean_value": 70.3996744, "stdev_value": 9.2363304, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220627, "num_locations": 113, "min_value": 43.75, "max_value": 95.631068, "mean_value": 74.16059, "stdev_value": 8.7004116, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 67, "min_value": 49.8405036, "max_value": 97.0886686, "mean_value": 76.9479083, "stdev_value": 7.539286, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 67.0350504, "max_value": 74.0816004, "mean_value": 69.7347097, "stdev_value": 2.0161029, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 44, "min_value": 41.8831164, "max_value": 89.0163934, "mean_value": 68.7140344, "stdev_value": 8.3709756, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20211224, "num_locations": 170, "min_value": 39.5190983, "max_value": 98.7782987, "mean_value": 75.1923807, "stdev_value": 9.301695, "last_update": 1643835102, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20211223, "num_locations": 207, "min_value": 36.6935484, "max_value": 98.8461538, "mean_value": 73.3471734, "stdev_value": 9.404725, "last_update": 1643835176, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20211224, "num_locations": 121, "min_value": 48.2794753, "max_value": 96.0136175, "mean_value": 76.2864611, "stdev_value": 7.5065416, "last_update": 1643835238, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20211225, "num_locations": 1, "min_value": 66.9753086, "max_value": 75.9890827, "mean_value": 72.1124514, "stdev_value": 2.647172, "last_update": 1643835279, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20211224, "num_locations": 50, "min_value": 39.5190983, "max_value": 91.8604922, "mean_value": 70.6454563, "stdev_value": 7.6878651, "last_update": 1643835293, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.1396784, "max_value": 12.6910794, "mean_value": 3.111377, "stdev_value": 1.7723655, "last_update": 1645624305, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1072961, "max_value": 11.5131579, "mean_value": 2.6373891, "stdev_value": 1.4851032, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1269965, "max_value": 12.6910794, "mean_value": 2.7332675, "stdev_value": 1.5109535, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.5795998, "max_value": 4.3089431, "mean_value": 2.8100906, "stdev_value": 0.2216507, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1396784, "max_value": 10.4316547, "mean_value": 2.6465775, "stdev_value": 1.2100227, "last_update": 1645624442, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 502, "min_value": 0.1368611, "max_value": 12.8129303, "mean_value": 3.0456248, "stdev_value": 1.7721595, "last_update": 1645624305, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1089325, "max_value": 11.589404, "mean_value": 2.5677305, "stdev_value": 1.4838745, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 283, "min_value": 0.1286283, "max_value": 12.8129303, "mean_value": 2.666686, "stdev_value": 1.511144, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.5029074, "max_value": 4.2288557, "mean_value": 2.7328465, "stdev_value": 0.2245961, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1420593, "max_value": 9.8540146, "mean_value": 2.5639678, "stdev_value": 1.2066824, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.4851485, "max_value": 16.0194175, "mean_value": 8.1822071, "stdev_value": 2.8026049, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 4.2465753, "max_value": 9.8173516, "mean_value": 7.2866241, "stdev_value": 1.2616971, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.4851485, "max_value": 16.0194175, "mean_value": 8.1822071, "stdev_value": 2.8026049, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.062808, "max_value": 13.4287175, "mean_value": 2.1500989, "stdev_value": 1.3174732, "last_update": 1645624305, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0537634, "max_value": 10.4743083, "mean_value": 1.9066729, "stdev_value": 1.0987944, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0909755, "max_value": 11.4683767, "mean_value": 1.9859284, "stdev_value": 1.1646776, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.4176089, "max_value": 3.2435481, "mean_value": 1.939781, "stdev_value": 0.6286977, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1318775, "max_value": 10.952381, "mean_value": 1.8647124, "stdev_value": 0.9205122, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0633004, "max_value": 12.7320215, "mean_value": 2.0971215, "stdev_value": 1.3756805, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0542299, "max_value": 10.1190476, "mean_value": 1.8347415, "stdev_value": 1.1587227, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0865529, "max_value": 11.4696669, "mean_value": 1.9161748, "stdev_value": 1.2184607, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.2711864, "max_value": 3.1420218, "mean_value": 1.8975503, "stdev_value": 0.7020008, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1210653, "max_value": 11.0576923, "mean_value": 1.8160012, "stdev_value": 1.0047032, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.2321429, "max_value": 22.8972897, "mean_value": 11.4405301, "stdev_value": 3.2285909, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 6.2696832, "max_value": 12.2747693, "mean_value": 9.2334741, "stdev_value": 1.6157444, "last_update": 1632499419, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 6.0040363, "max_value": 13.2881556, "mean_value": 10.1422733, "stdev_value": 1.9041054, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.2321429, "max_value": 22.8972897, "mean_value": 11.4405301, "stdev_value": 3.2285909, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0464253, "max_value": 6.03217, "mean_value": 0.8088798, "stdev_value": 0.5474071, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0314861, "max_value": 5.4347826, "mean_value": 0.7263436, "stdev_value": 0.4627834, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0236189, "max_value": 5.7645526, "mean_value": 0.7876518, "stdev_value": 0.5311917, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.4806293, "max_value": 1.0551948, "mean_value": 0.575207, "stdev_value": 0.0643749, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.045628, "max_value": 3.2711508, "mean_value": 0.6220851, "stdev_value": 0.2805044, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0443918, "max_value": 5.0023602, "mean_value": 0.7659084, "stdev_value": 0.5271271, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0318674, "max_value": 4.4, "mean_value": 0.6778311, "stdev_value": 0.4383905, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0239584, "max_value": 5.7676831, "mean_value": 0.7426307, "stdev_value": 0.5061725, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.450936, "max_value": 1.0761589, "mean_value": 0.5291229, "stdev_value": 0.0713311, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0362008, "max_value": 3.271028, "mean_value": 0.5758215, "stdev_value": 0.2713044, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 9.8425197, "mean_value": 4.0487931, "stdev_value": 1.7827674, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.25, "max_value": 6.3379887, "mean_value": 3.7748459, "stdev_value": 1.3132135, "last_update": 1632499419, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 2.0112254, "max_value": 4.8883375, "mean_value": 3.5082801, "stdev_value": 0.6182296, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 9.8425197, "mean_value": 4.0487931, "stdev_value": 1.7827674, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0177815, "max_value": 4.1931456, "mean_value": 0.4655133, "stdev_value": 0.3519165, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0182949, "max_value": 3.4653465, "mean_value": 0.4066501, "stdev_value": 0.312961, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0180147, "max_value": 3.9129482, "mean_value": 0.4449598, "stdev_value": 0.3468869, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.1787828, "max_value": 0.3303137, "mean_value": 0.2363954, "stdev_value": 0.0348371, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0147414, "max_value": 2.414211, "mean_value": 0.285081, "stdev_value": 0.1889225, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0180882, "max_value": 4.2727739, "mean_value": 0.4318156, "stdev_value": 0.3273295, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0186498, "max_value": 3.4653465, "mean_value": 0.3684205, "stdev_value": 0.2899526, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0182883, "max_value": 3.4515396, "mean_value": 0.4112562, "stdev_value": 0.3237694, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.1275556, "max_value": 0.2811615, "mean_value": 0.2004129, "stdev_value": 0.0382288, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0130924, "max_value": 2.1159776, "mean_value": 0.249725, "stdev_value": 0.1722209, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 8.1896552, "mean_value": 3.5495048, "stdev_value": 1.5004654, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.2021368, "max_value": 7.7285585, "mean_value": 4.6808806, "stdev_value": 1.5298044, "last_update": 1632499420, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 1.873496, "max_value": 5.075188, "mean_value": 3.3656449, "stdev_value": 0.6403584, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 8.1896552, "mean_value": 3.5495048, "stdev_value": 1.5004654, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1211193, "max_value": 17.7021112, "mean_value": 3.6736257, "stdev_value": 1.7814539, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1046025, "max_value": 14.9727768, "mean_value": 3.3599603, "stdev_value": 1.5445711, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1756861, "max_value": 14.942144, "mean_value": 3.504034, "stdev_value": 1.64019, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.5481086, "max_value": 5.0117824, "mean_value": 3.4141133, "stdev_value": 0.6332906, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.3562697, "max_value": 13.1840796, "mean_value": 3.3271981, "stdev_value": 1.3014482, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1166935, "max_value": 13.6749761, "mean_value": 3.3936171, "stdev_value": 1.6131181, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1059322, "max_value": 11.6935484, "mean_value": 3.0676057, "stdev_value": 1.3819735, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1767578, "max_value": 13.4759377, "mean_value": 3.2341894, "stdev_value": 1.4889838, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.5032651, "max_value": 3.8907285, "mean_value": 3.1128203, "stdev_value": 0.3927165, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.3640518, "max_value": 12.9370629, "mean_value": 3.0393409, "stdev_value": 1.1312699, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.3274348, "max_value": 13.5511486, "mean_value": 5.8903816, "stdev_value": 2.077991, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.1214883, "max_value": 7.0405281, "mean_value": 4.443066, "stdev_value": 1.228396, "last_update": 1632499421, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 3.5053929, "max_value": 7.8440808, "mean_value": 5.4323858, "stdev_value": 0.864054, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.3274348, "max_value": 13.5511486, "mean_value": 5.8903816, "stdev_value": 2.077991, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0165525, "max_value": 3.4208317, "mean_value": 0.4015615, "stdev_value": 0.2978817, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0267523, "max_value": 3.4653465, "mean_value": 0.3350396, "stdev_value": 0.2661546, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0178489, "max_value": 3.2518663, "mean_value": 0.3658227, "stdev_value": 0.2791051, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.0811688, "max_value": 0.2286825, "mean_value": 0.1727262, "stdev_value": 0.0183222, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0127324, "max_value": 2.7363184, "mean_value": 0.2186897, "stdev_value": 0.1697735, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0168341, "max_value": 3.4127397, "mean_value": 0.3767225, "stdev_value": 0.2760463, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0224417, "max_value": 2.9166667, "mean_value": 0.3084171, "stdev_value": 0.2468612, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0180417, "max_value": 2.9169568, "mean_value": 0.3450313, "stdev_value": 0.2635029, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.0827815, "max_value": 0.1857907, "mean_value": 0.1462027, "stdev_value": 0.0146258, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0081221, "max_value": 1.8247895, "mean_value": 0.1937749, "stdev_value": 0.1534422, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 7.075566, "mean_value": 2.4627015, "stdev_value": 1.3472654, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.4160481, "max_value": 3.8694566, "mean_value": 2.5510375, "stdev_value": 0.9931328, "last_update": 1632499422, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 0.9738079, "max_value": 4.0904716, "mean_value": 2.0987447, "stdev_value": 0.4149547, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 7.075566, "mean_value": 2.4627015, "stdev_value": 1.3472654, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1177436, "max_value": 28.1439455, "mean_value": 8.1353298, "stdev_value": 4.4480514, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1259446, "max_value": 28.539823, "mean_value": 7.0510041, "stdev_value": 3.9464013, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1984475, "max_value": 25.6033615, "mean_value": 7.1715754, "stdev_value": 3.8656172, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 5.3953734, "max_value": 10.2701001, "mean_value": 7.621971, "stdev_value": 1.2357595, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0924625, "max_value": 23.6318408, "mean_value": 6.7089112, "stdev_value": 3.400051, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1191465, "max_value": 28.3025072, "mean_value": 7.6485405, "stdev_value": 4.2375631, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.127551, "max_value": 27.5, "mean_value": 6.5249693, "stdev_value": 3.7109131, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.2008389, "max_value": 25.9975796, "mean_value": 6.701462, "stdev_value": 3.6835357, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 5.3631069, "max_value": 9.0231788, "mean_value": 7.1174115, "stdev_value": 0.9296703, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0933254, "max_value": 19.6666667, "mean_value": 6.294197, "stdev_value": 3.2460175, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 21.2871856, "mean_value": 10.2057012, "stdev_value": 3.1831076, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 6.25, "max_value": 12.3035891, "mean_value": 8.9109955, "stdev_value": 1.7609742, "last_update": 1632499423, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 5.9491371, "max_value": 13.9826642, "mean_value": 9.3640767, "stdev_value": 1.5552547, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 21.2871856, "mean_value": 10.2057012, "stdev_value": 3.1831076, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 58.8282566, "max_value": 98.7325129, "mean_value": 84.530367, "stdev_value": 5.1953438, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 63.4955752, "max_value": 97.7477477, "mean_value": 85.8186505, "stdev_value": 4.6489055, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 60.3936308, "max_value": 98.747747, "mean_value": 85.5458646, "stdev_value": 4.6710073, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 81.5410587, "max_value": 88.2428751, "mean_value": 85.0081331, "stdev_value": 1.8220462, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 65.8273381, "max_value": 95.4223392, "mean_value": 85.9503477, "stdev_value": 4.1548083, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 60.8857562, "max_value": 99.1477273, "mean_value": 85.3942611, "stdev_value": 5.0572276, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 63.2947977, "max_value": 98.7179487, "mean_value": 86.7569968, "stdev_value": 4.4936931, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 60.8857562, "max_value": 98.810139, "mean_value": 86.4161873, "stdev_value": 4.5595826, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 83.2630434, "max_value": 88.5379477, "mean_value": 85.916446, "stdev_value": 1.5766376, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 66.0583942, "max_value": 96.1912404, "mean_value": 86.7540749, "stdev_value": 4.0639949, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 35.2272727, "max_value": 74.2718447, "mean_value": 56.975419, "stdev_value": 7.6121494, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 53.1906672, "max_value": 73.1339313, "mean_value": 63.4508637, "stdev_value": 5.2008736, "last_update": 1632499424, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 43.0213904, "max_value": 64.2998679, "mean_value": 58.0613001, "stdev_value": 5.2297366, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 35.2272727, "max_value": 74.2718447, "mean_value": 56.975419, "stdev_value": 7.6121494, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.113229, "max_value": 6.6332248, "mean_value": 1.5343217, "stdev_value": 0.7908361, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.093985, "max_value": 5.7692308, "mean_value": 1.4822495, "stdev_value": 0.7035251, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1129266, "max_value": 6.6332248, "mean_value": 1.4978817, "stdev_value": 0.7619176, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 1.019799, "max_value": 1.4180882, "mean_value": 1.2811437, "stdev_value": 0.091802, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1138952, "max_value": 4.3999824, "mean_value": 1.3818379, "stdev_value": 0.4567531, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 502, "min_value": 0.0832244, "max_value": 6.0829961, "mean_value": 1.3577672, "stdev_value": 0.7433794, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.094162, "max_value": 5.1401869, "mean_value": 1.2829025, "stdev_value": 0.6448024, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 283, "min_value": 0.1141601, "max_value": 6.0497982, "mean_value": 1.3216424, "stdev_value": 0.7221621, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 0.8997688, "max_value": 1.2210384, "mean_value": 1.0896656, "stdev_value": 0.0803689, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1149425, "max_value": 4.3076197, "mean_value": 1.1872622, "stdev_value": 0.4279501, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 8.4158416, "max_value": 25.6521739, "mean_value": 16.4752123, "stdev_value": 3.2781089, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 12.7085378, "max_value": 18.8911189, "mean_value": 16.1006736, "stdev_value": 1.3450915, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 8.4158416, "max_value": 25.6521739, "mean_value": 16.4752123, "stdev_value": 3.2781089, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1059158, "max_value": 19.2320303, "mean_value": 3.7273753, "stdev_value": 2.0314065, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.129199, "max_value": 15.7142857, "mean_value": 3.2891615, "stdev_value": 1.7305784, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.104052, "max_value": 16.9412412, "mean_value": 3.4334401, "stdev_value": 1.8172914, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.6503232, "max_value": 4.4642857, "mean_value": 3.4080521, "stdev_value": 0.4517087, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1237103, "max_value": 14.6766169, "mean_value": 3.2365531, "stdev_value": 1.6975934, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1068085, "max_value": 17.3267327, "mean_value": 3.534029, "stdev_value": 1.929719, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1061571, "max_value": 13.6963696, "mean_value": 3.0797404, "stdev_value": 1.6181882, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1049083, "max_value": 16.207434, "mean_value": 3.2410843, "stdev_value": 1.7280056, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.6278771, "max_value": 4.5529801, "mean_value": 3.1987175, "stdev_value": 0.3109846, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1240687, "max_value": 13.2550336, "mean_value": 3.0528467, "stdev_value": 1.5988688, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 10.747757, "mean_value": 5.1556732, "stdev_value": 1.8451675, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.3513514, "max_value": 9.5000185, "mean_value": 5.1644691, "stdev_value": 2.5012993, "last_update": 1632499425, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 2.9626253, "max_value": 6.480811, "mean_value": 4.742417, "stdev_value": 0.6951903, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 10.747757, "mean_value": 5.1556732, "stdev_value": 1.8451675, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0476968, "max_value": 9.1501407, "mean_value": 1.2258202, "stdev_value": 0.7630981, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0447628, "max_value": 8.1196581, "mean_value": 1.1647299, "stdev_value": 0.6749799, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0385837, "max_value": 9.1501407, "mean_value": 1.1815822, "stdev_value": 0.7311865, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.8082348, "max_value": 1.3798701, "mean_value": 1.0122019, "stdev_value": 0.1106287, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0613924, "max_value": 4.1044776, "mean_value": 0.9841294, "stdev_value": 0.4027737, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0485769, "max_value": 8.3101139, "mean_value": 1.1512023, "stdev_value": 0.7265102, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0451264, "max_value": 7.3529412, "mean_value": 1.0780204, "stdev_value": 0.6227805, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0389747, "max_value": 8.3101139, "mean_value": 1.1062592, "stdev_value": 0.6965289, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.7744211, "max_value": 1.4072848, "mean_value": 0.9296194, "stdev_value": 0.0730248, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0620784, "max_value": 4.1044776, "mean_value": 0.9110688, "stdev_value": 0.3822937, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3649635, "max_value": 11.328125, "mean_value": 4.2182421, "stdev_value": 1.8585457, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.3513514, "max_value": 6.25, "mean_value": 3.5642741, "stdev_value": 1.2273109, "last_update": 1632499425, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 2.2171946, "max_value": 5.642787, "mean_value": 3.8423503, "stdev_value": 0.633292, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3649635, "max_value": 11.328125, "mean_value": 4.2182421, "stdev_value": 1.8585457, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0985848, "max_value": 10.3590165, "mean_value": 2.169869, "stdev_value": 1.063601, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0934579, "max_value": 9.3103448, "mean_value": 2.0413924, "stdev_value": 0.9060851, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0951704, "max_value": 10.3590165, "mean_value": 2.1281273, "stdev_value": 0.9975596, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.5422078, "max_value": 2.5841592, "mean_value": 1.9430816, "stdev_value": 0.2661411, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1269036, "max_value": 7.1428571, "mean_value": 1.991054, "stdev_value": 0.6345719, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.099765, "max_value": 9.6330275, "mean_value": 2.0909575, "stdev_value": 1.0529698, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0886525, "max_value": 7.7981651, "mean_value": 1.9489423, "stdev_value": 0.8831249, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0960848, "max_value": 9.6330275, "mean_value": 2.0353992, "stdev_value": 0.9819889, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.4769288, "max_value": 2.4754896, "mean_value": 1.8599901, "stdev_value": 0.2959485, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.2525253, "max_value": 7.2115385, "mean_value": 1.9189691, "stdev_value": 0.6330516, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.1538462, "max_value": 23.8505747, "mean_value": 10.1403191, "stdev_value": 3.5508112, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 5.8809639, "max_value": 14.0932537, "mean_value": 10.182301, "stdev_value": 2.5154864, "last_update": 1632499426, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 5.7530402, "max_value": 12.8120224, "mean_value": 9.2347948, "stdev_value": 1.734813, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.1538462, "max_value": 23.8505747, "mean_value": 10.1403191, "stdev_value": 3.5508112, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0742943, "max_value": 10.2103446, "mean_value": 2.0382581, "stdev_value": 1.1074931, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0837521, "max_value": 8.7155963, "mean_value": 1.8591093, "stdev_value": 0.8906104, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0660522, "max_value": 10.1290292, "mean_value": 1.8914687, "stdev_value": 0.9858249, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.5663304, "max_value": 2.6785714, "mean_value": 1.8085269, "stdev_value": 0.1326798, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.101626, "max_value": 7.7458639, "mean_value": 1.7982313, "stdev_value": 0.704704, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0758727, "max_value": 10.3209398, "mean_value": 1.9069193, "stdev_value": 1.0673243, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0846024, "max_value": 7.9439252, "mean_value": 1.7221282, "stdev_value": 0.8555906, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0666605, "max_value": 8.4821429, "mean_value": 1.7614806, "stdev_value": 0.9465303, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.4680826, "max_value": 2.5662252, "mean_value": 1.6741199, "stdev_value": 0.118554, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.102459, "max_value": 7.8095393, "mean_value": 1.6731313, "stdev_value": 0.6897784, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.2295082, "max_value": 18.5714286, "mean_value": 8.7099007, "stdev_value": 2.4872125, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 3.9638462, "max_value": 8.9102509, "mean_value": 6.350836, "stdev_value": 1.5810758, "last_update": 1632499427, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 5.7207207, "max_value": 12.8428928, "mean_value": 8.9029412, "stdev_value": 1.1810141, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.2295082, "max_value": 18.5714286, "mean_value": 8.7099007, "stdev_value": 2.4872125, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.089973, "max_value": 8.1956702, "mean_value": 1.610522, "stdev_value": 0.8393325, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0972763, "max_value": 7.3076923, "mean_value": 1.5309233, "stdev_value": 0.715867, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0968473, "max_value": 6.5927803, "mean_value": 1.5741514, "stdev_value": 0.791608, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.1825434, "max_value": 1.6420401, "mean_value": 1.3921341, "stdev_value": 0.1157517, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0977181, "max_value": 5.5555556, "mean_value": 1.4302324, "stdev_value": 0.4559309, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0844816, "max_value": 8.1956702, "mean_value": 1.4941047, "stdev_value": 0.8107602, "last_update": 1645624308, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0656168, "max_value": 7.0833333, "mean_value": 1.3981259, "stdev_value": 0.6820114, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0748156, "max_value": 6.6355468, "mean_value": 1.4512263, "stdev_value": 0.7542395, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.0812169, "max_value": 1.5205417, "mean_value": 1.2706392, "stdev_value": 0.1295485, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1533611, "max_value": 5.5147059, "mean_value": 1.3152611, "stdev_value": 0.4553999, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 18.8073567, "mean_value": 9.1664236, "stdev_value": 2.8972503, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 4.0540541, "max_value": 16.8043411, "mean_value": 10.5407313, "stdev_value": 2.9851787, "last_update": 1632499428, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 4.7511312, "max_value": 11.8908717, "mean_value": 8.6288494, "stdev_value": 1.6365705, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 18.8073567, "mean_value": 9.1664236, "stdev_value": 2.8972503, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 499, "min_value": 10.0877193, "max_value": 76.1171225, "mean_value": 49.4473551, "stdev_value": 12.3379084, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 300, "min_value": 10.0, "max_value": 72.8346457, "mean_value": 44.8051056, "stdev_value": 12.38183, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 279, "min_value": 13.8025059, "max_value": 74.4208546, "mean_value": 47.6736194, "stdev_value": 11.3222861, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 15.0137741, "max_value": 57.4757322, "mean_value": 32.982267, "stdev_value": 14.3115867, "last_update": 1628859421, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 51, "min_value": 10.0877193, "max_value": 70.8333333, "mean_value": 39.1449691, "stdev_value": 14.1476476, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 751, "min_value": 3.153156, "max_value": 66.526861, "mean_value": 30.7689956, "stdev_value": 6.4005158, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 4.2056075, "max_value": 51.1345219, "mean_value": 28.8506326, "stdev_value": 6.9707711, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 361, "min_value": 5.9302582, "max_value": 66.526861, "mean_value": 30.0973197, "stdev_value": 6.2276946, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 8.1325301, "max_value": 35.6698352, "mean_value": 22.5519584, "stdev_value": 8.9606623, "last_update": 1628859421, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 3.153156, "max_value": 43.705036, "mean_value": 25.9574765, "stdev_value": 8.0666818, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 742, "min_value": 0.7853411, "max_value": 57.2713451, "mean_value": 27.94411, "stdev_value": 8.4329969, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2808989, "max_value": 51.0050251, "mean_value": 24.3987587, "stdev_value": 9.1961155, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 357, "min_value": 0.4778977, "max_value": 57.2713451, "mean_value": 26.4296118, "stdev_value": 8.1222121, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 4.5625588, "max_value": 32.6689515, "mean_value": 17.496919, "stdev_value": 10.7038787, "last_update": 1628859421, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.7853411, "max_value": 52.7355623, "mean_value": 21.2855925, "stdev_value": 10.5504383, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210316, "num_locations": 745, "min_value": 26.24565, "max_value": 75.1120367, "mean_value": 48.9511738, "stdev_value": 7.3016421, "last_update": 1616327478, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210316, "num_locations": 306, "min_value": 25.2066116, "max_value": 72.8346457, "mean_value": 47.83705, "stdev_value": 6.7536595, "last_update": 1616327498, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210316, "num_locations": 359, "min_value": 23.8470868, "max_value": 74.4208546, "mean_value": 48.0575028, "stdev_value": 6.9318554, "last_update": 1616327513, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210316, "num_locations": 1, "min_value": 43.7109827, "max_value": 55.4070143, "mean_value": 48.0588917, "stdev_value": 3.7162158, "last_update": 1616327523, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210316, "num_locations": 51, "min_value": 33.2117276, "max_value": 69.0384615, "mean_value": 48.1388887, "stdev_value": 5.6502356, "last_update": 1616327527, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 737, "min_value": 0.1746492, "max_value": 26.9911504, "mean_value": 8.3444449, "stdev_value": 3.195418, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2272727, "max_value": 24.7483221, "mean_value": 7.4386285, "stdev_value": 3.2121305, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 355, "min_value": 0.3346528, "max_value": 26.9911504, "mean_value": 7.9565478, "stdev_value": 3.006893, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 1.5060241, "max_value": 11.4366016, "mean_value": 5.5693465, "stdev_value": 2.8222082, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.1746492, "max_value": 17.5213675, "mean_value": 6.3748656, "stdev_value": 3.05711, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 740, "min_value": 0.446429, "max_value": 66.3109178, "mean_value": 33.3675918, "stdev_value": 9.3569758, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 1.1627907, "max_value": 55.8035714, "mean_value": 29.2818528, "stdev_value": 10.2287551, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 358, "min_value": 2.4494854, "max_value": 66.3109178, "mean_value": 31.6781534, "stdev_value": 9.1187129, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 6.0055866, "max_value": 38.0303287, "mean_value": 21.4038496, "stdev_value": 12.2805028, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.446429, "max_value": 53.6697248, "mean_value": 25.7658503, "stdev_value": 11.8174175, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 757, "min_value": 5.5129622, "max_value": 97.870641, "mean_value": 66.0580867, "stdev_value": 14.0404841, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 7.4194386, "max_value": 92.2765863, "mean_value": 59.4900189, "stdev_value": 16.0280356, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 362, "min_value": 12.5714633, "max_value": 94.2368448, "mean_value": 63.3494856, "stdev_value": 13.7346661, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 18.817232, "max_value": 72.3950775, "mean_value": 46.6116003, "stdev_value": 20.8746104, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 4.9483086, "max_value": 90.1603424, "mean_value": 54.0691718, "stdev_value": 19.8609629, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 92, "min_value": 1.9621445, "max_value": 51.8041321, "mean_value": 15.9275517, "stdev_value": 6.3108907, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220625, "num_locations": 168, "min_value": 0.7547466, "max_value": 49.4541847, "mean_value": 16.2010369, "stdev_value": 6.3770804, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220625, "num_locations": 95, "min_value": 2.249612, "max_value": 45.3519778, "mean_value": 18.0377986, "stdev_value": 6.466073, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 10.4274394, "max_value": 23.3994974, "mean_value": 15.4930607, "stdev_value": 3.2887433, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 48, "min_value": 1.9655254, "max_value": 39.2329928, "mean_value": 14.6925324, "stdev_value": 4.9371229, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.292383, "max_value": 26.7536765, "mean_value": 7.0127867, "stdev_value": 2.864715, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.2057613, "max_value": 27.245509, "mean_value": 6.3816345, "stdev_value": 2.642789, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.3082662, "max_value": 26.7536765, "mean_value": 6.6363243, "stdev_value": 2.5761019, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 4.7020262, "max_value": 9.2231027, "mean_value": 6.2735628, "stdev_value": 1.1294743, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.292383, "max_value": 14.3312102, "mean_value": 6.0090845, "stdev_value": 1.8519251, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 1.4053773, "max_value": 42.5223747, "mean_value": 16.9226441, "stdev_value": 5.0390211, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 1.4851485, "max_value": 42.0634921, "mean_value": 16.0125135, "stdev_value": 4.8079735, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 1.8517106, "max_value": 42.5223747, "mean_value": 16.2667497, "stdev_value": 4.5954309, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 10.7587226, "max_value": 20.7647801, "mean_value": 15.9285186, "stdev_value": 2.4392903, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 3.1963884, "max_value": 30.7073955, "mean_value": 15.1905065, "stdev_value": 3.8033128, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 9.9450938, "max_value": 59.2105263, "mean_value": 30.0691266, "stdev_value": 6.369749, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 8.7155963, "max_value": 56.870229, "mean_value": 28.3618946, "stdev_value": 6.0456638, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 10.1626016, "max_value": 56.2121965, "mean_value": 29.1274182, "stdev_value": 5.6638149, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 23.8576204, "max_value": 35.6623138, "mean_value": 28.330415, "stdev_value": 3.6500218, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 10.2893984, "max_value": 56.3333333, "mean_value": 27.6558104, "stdev_value": 5.2112761, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 1.4388448, "max_value": 36.3726699, "mean_value": 12.2492124, "stdev_value": 3.8852418, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.9677419, "max_value": 36.5546218, "mean_value": 11.4345241, "stdev_value": 3.5491991, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 1.9324695, "max_value": 30.9461033, "mean_value": 11.6497749, "stdev_value": 3.2481646, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 10.1910503, "max_value": 13.3775563, "mean_value": 11.4582718, "stdev_value": 0.6803773, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.9337088, "max_value": 26.8867925, "mean_value": 11.0159707, "stdev_value": 2.3575706, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 3.1746896, "max_value": 43.9178544, "mean_value": 17.7406165, "stdev_value": 4.5729407, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 3.1818182, "max_value": 42.6470588, "mean_value": 16.3982002, "stdev_value": 4.1182599, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 2.3437507, "max_value": 34.2304711, "mean_value": 16.9363154, "stdev_value": 3.6782336, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 14.5375447, "max_value": 18.8447319, "mean_value": 16.4466123, "stdev_value": 1.1649872, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 3.719248, "max_value": 40.2777778, "mean_value": 15.9318057, "stdev_value": 2.9641107, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 20.8977189, "max_value": 77.9063881, "mean_value": 53.7784648, "stdev_value": 7.7416368, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 20.0980392, "max_value": 81.5972222, "mean_value": 56.0661219, "stdev_value": 7.4493639, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 25.7396921, "max_value": 79.6946137, "mean_value": 55.2334389, "stdev_value": 6.4329903, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 50.2007346, "max_value": 59.4522164, "mean_value": 55.8779639, "stdev_value": 2.549097, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 31.6666667, "max_value": 77.9063881, "mean_value": 57.2474245, "stdev_value": 5.8577532, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.4636191, "max_value": 28.3006244, "mean_value": 9.1222954, "stdev_value": 3.2174753, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.3289474, "max_value": 29.9019608, "mean_value": 8.285564, "stdev_value": 2.8783937, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.4172275, "max_value": 22.1804511, "mean_value": 8.5723875, "stdev_value": 2.6339218, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 6.6248653, "max_value": 9.8996121, "mean_value": 8.1492917, "stdev_value": 1.0360479, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.8926982, "max_value": 27.3026316, "mean_value": 7.8199399, "stdev_value": 2.1595986, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.1213443, "max_value": 13.1067961, "mean_value": 2.6742348, "stdev_value": 1.4370989, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.1086957, "max_value": 13.0630631, "mean_value": 2.461385, "stdev_value": 1.2964917, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.1315421, "max_value": 11.1803925, "mean_value": 2.5094123, "stdev_value": 1.2651923, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 1.7041046, "max_value": 3.0132756, "mean_value": 2.3084436, "stdev_value": 0.2797888, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.1213443, "max_value": 8.3333333, "mean_value": 2.2100145, "stdev_value": 0.8222626, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.3482784, "max_value": 27.3722628, "mean_value": 8.8619108, "stdev_value": 2.9045194, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.3448276, "max_value": 24.8717949, "mean_value": 8.4001973, "stdev_value": 2.7081752, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.4226636, "max_value": 27.3722628, "mean_value": 8.511743, "stdev_value": 2.5832821, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 7.0718471, "max_value": 10.181294, "mean_value": 8.2733057, "stdev_value": 0.6946592, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.3482784, "max_value": 21.3375796, "mean_value": 7.9299987, "stdev_value": 1.8871232, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 742, "min_value": 0.1587571, "max_value": 27.7711854, "mean_value": 6.750555, "stdev_value": 3.662441, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 0.1355014, "max_value": 25.9116022, "mean_value": 6.3696797, "stdev_value": 3.4171997, "last_update": 1628859354, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 360, "min_value": 0.1587571, "max_value": 26.028836, "mean_value": 6.509094, "stdev_value": 3.3718532, "last_update": 1628859399, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 1.5925926, "max_value": 11.4454568, "mean_value": 5.665675, "stdev_value": 3.1281808, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 0.1960829, "max_value": 20.4545455, "mean_value": 5.8825659, "stdev_value": 3.3210919, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 749, "min_value": 2.3815166, "max_value": 46.1779215, "mean_value": 17.9220204, "stdev_value": 3.9846759, "last_update": 1616241085, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.8688566, "max_value": 38.6947403, "mean_value": 17.6545456, "stdev_value": 3.2077811, "last_update": 1616007479, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 359, "min_value": 2.3815166, "max_value": 46.1779215, "mean_value": 18.0969898, "stdev_value": 3.8223706, "last_update": 1616154702, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 12.9816404, "max_value": 21.9088118, "mean_value": 17.4219291, "stdev_value": 1.3808144, "last_update": 1616500418, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 5.8091487, "max_value": 34.5757152, "mean_value": 17.8855685, "stdev_value": 2.4401673, "last_update": 1616241132, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 616, "min_value": 0.4762684, "max_value": 47.6759489, "mean_value": 14.5779204, "stdev_value": 3.9993547, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 1.4349892, "max_value": 40.9946915, "mean_value": 14.7408662, "stdev_value": 3.8571784, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 332, "min_value": 2.071029, "max_value": 47.6759489, "mean_value": 14.9048005, "stdev_value": 3.9717906, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 11.7847227, "max_value": 17.4077704, "mean_value": 14.5648232, "stdev_value": 1.2875621, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 4.3356799, "max_value": 28.4227721, "mean_value": 14.8137042, "stdev_value": 2.6473626, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 99, "min_value": 0.1463001, "max_value": 18.3025693, "mean_value": 3.3044627, "stdev_value": 2.0078133, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220625, "num_locations": 176, "min_value": 0.1872659, "max_value": 22.6828561, "mean_value": 3.4451905, "stdev_value": 2.282726, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220625, "num_locations": 99, "min_value": 0.2074616, "max_value": 19.5907273, "mean_value": 3.8615952, "stdev_value": 2.3231991, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 1.2390986, "max_value": 5.6135152, "mean_value": 2.9497879, "stdev_value": 1.0377495, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 49, "min_value": 0.1369863, "max_value": 15.0843687, "mean_value": 2.9862362, "stdev_value": 1.7158751, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 97, "min_value": 2.5151232, "max_value": 54.816366, "mean_value": 18.5840244, "stdev_value": 7.2142166, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220625, "num_locations": 177, "min_value": 1.4831004, "max_value": 58.2605508, "mean_value": 18.8135095, "stdev_value": 7.1750094, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 97, "min_value": 2.249612, "max_value": 50.3403144, "mean_value": 20.9346917, "stdev_value": 7.262716, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 11.61083, "max_value": 27.6815081, "mean_value": 17.9534949, "stdev_value": 4.0276606, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 49, "min_value": 2.4945603, "max_value": 44.8468572, "mean_value": 17.0609076, "stdev_value": 5.6847889, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 362, "min_value": 0.2258204, "max_value": 27.0363075, "mean_value": 5.4398785, "stdev_value": 2.7623315, "last_update": 1645624311, "max_issue": 20220223, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 0.1340483, "max_value": 24.6830424, "mean_value": 5.5339095, "stdev_value": 2.6075082, "last_update": 1645365184, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 0.1502682, "max_value": 21.9860443, "mean_value": 5.314743, "stdev_value": 2.57829, "last_update": 1645538086, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 3.6547655, "max_value": 7.1996498, "mean_value": 5.4915637, "stdev_value": 1.1576265, "last_update": 1645710826, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 0.4032261, "max_value": 16.4415118, "mean_value": 5.2021075, "stdev_value": 1.7849768, "last_update": 1645624445, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 363, "min_value": 1.1261884, "max_value": 44.1350517, "mean_value": 18.5847886, "stdev_value": 5.7457336, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 291, "min_value": 2.1791481, "max_value": 49.6658764, "mean_value": 20.7018716, "stdev_value": 5.7653306, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 216, "min_value": 1.8417328, "max_value": 45.1094669, "mean_value": 19.2565711, "stdev_value": 5.4551725, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 18.1972295, "max_value": 21.6482732, "mean_value": 20.1760762, "stdev_value": 0.7853077, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.2769289, "max_value": 38.9760449, "mean_value": 20.491309, "stdev_value": 4.5290163, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 374, "min_value": 40.237913, "max_value": 97.0765258, "mean_value": 74.7061376, "stdev_value": 8.0366755, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 293, "min_value": 36.7956204, "max_value": 95.5485549, "mean_value": 71.5957114, "stdev_value": 8.268046, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 218, "min_value": 43.2207389, "max_value": 95.0731512, "mean_value": 73.2164835, "stdev_value": 7.356262, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 66.953039, "max_value": 79.133767, "mean_value": 72.4807735, "stdev_value": 4.0114967, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 40.6340136, "max_value": 95.6226749, "mean_value": 70.8356149, "stdev_value": 7.2586795, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 362, "min_value": 2.3990926, "max_value": 56.0812797, "mean_value": 25.4544232, "stdev_value": 7.6251861, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 291, "min_value": 4.2666518, "max_value": 61.3346061, "mean_value": 28.662491, "stdev_value": 7.6625689, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 5.1261342, "max_value": 57.0362887, "mean_value": 26.9256461, "stdev_value": 6.8499578, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 23.6398656, "max_value": 31.4692546, "mean_value": 27.7445629, "stdev_value": 2.1349639, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 3.6576642, "max_value": 57.9081183, "mean_value": 29.0056738, "stdev_value": 6.3667853, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220625, "num_locations": 375, "min_value": 37.9697728, "max_value": 98.287219, "mean_value": 74.3519459, "stdev_value": 9.3654516, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220625, "num_locations": 293, "min_value": 29.9196639, "max_value": 97.8090669, "mean_value": 70.3286163, "stdev_value": 9.5773709, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220625, "num_locations": 218, "min_value": 36.9088983, "max_value": 96.4375098, "mean_value": 72.3571951, "stdev_value": 8.3077082, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220625, "num_locations": 1, "min_value": 65.7299317, "max_value": 78.0630077, "mean_value": 71.5702437, "stdev_value": 3.9130294, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220625, "num_locations": 51, "min_value": 35.687196, "max_value": 98.287219, "mean_value": 69.4110785, "stdev_value": 8.3052827, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 361, "min_value": 1.0161473, "max_value": 74.9410335, "mean_value": 22.3865487, "stdev_value": 13.7643702, "last_update": 1645624313, "max_issue": 20220223, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 1.9367613, "max_value": 71.7683849, "mean_value": 23.0760939, "stdev_value": 13.7893222, "last_update": 1645365186, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 1.9098675, "max_value": 76.3223194, "mean_value": 22.8825941, "stdev_value": 13.8883749, "last_update": 1645538087, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 9.3465558, "max_value": 47.777377, "mean_value": 22.952263, "stdev_value": 12.8069513, "last_update": 1645710826, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 4.1180968, "max_value": 67.4333357, "mean_value": 24.0527196, "stdev_value": 14.0986512, "last_update": 1645624446, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 24.6726523, "max_value": 68.5021019, "mean_value": 45.1060508, "stdev_value": 8.3374234, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 21.9067782, "max_value": 74.7167466, "mean_value": 46.7814981, "stdev_value": 9.2558673, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 26.0729731, "max_value": 77.6941695, "mean_value": 50.0291749, "stdev_value": 9.0366822, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 42.3794221, "max_value": 45.4747037, "mean_value": 43.8430749, "stdev_value": 0.7487858, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 22.3108462, "max_value": 67.9462816, "mean_value": 42.9592904, "stdev_value": 8.6333649, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 4.6220219, "max_value": 44.4460757, "mean_value": 23.3273538, "stdev_value": 7.3274044, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 3.7122379, "max_value": 47.7287062, "mean_value": 20.4781539, "stdev_value": 7.5841229, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 2.7577468, "max_value": 37.1432616, "mean_value": 17.7411121, "stdev_value": 6.6013092, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 22.2495979, "max_value": 26.2248834, "mean_value": 24.0851503, "stdev_value": 0.8890221, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 6.4655433, "max_value": 48.0541721, "mean_value": 25.2026496, "stdev_value": 7.5225026, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 1.1150472, "max_value": 27.6050184, "mean_value": 11.5570177, "stdev_value": 3.6142834, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 1.1156201, "max_value": 26.9228587, "mean_value": 10.7477133, "stdev_value": 4.1744259, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 0.8637941, "max_value": 25.4563602, "mean_value": 9.4631768, "stdev_value": 4.201516, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 10.7866208, "max_value": 12.5473091, "mean_value": 11.6509302, "stdev_value": 0.3655171, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 2.7931306, "max_value": 29.8866679, "mean_value": 12.0046102, "stdev_value": 3.6973738, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 2.010981, "max_value": 26.3320645, "mean_value": 10.7158792, "stdev_value": 3.2616592, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 2.755208, "max_value": 27.7115107, "mean_value": 12.1229521, "stdev_value": 4.109922, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 2.2438034, "max_value": 28.1842142, "mean_value": 13.22412, "stdev_value": 3.9555919, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 9.5554655, "max_value": 11.8790436, "mean_value": 10.8883813, "stdev_value": 0.4944172, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 2.1186163, "max_value": 21.1909033, "mean_value": 10.4101784, "stdev_value": 2.9826273, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 2.0424379, "max_value": 31.4796574, "mean_value": 9.2936985, "stdev_value": 2.6844099, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 0.691977, "max_value": 20.5647176, "mean_value": 9.8696827, "stdev_value": 3.5168507, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 0.4799777, "max_value": 29.4699392, "mean_value": 9.5424162, "stdev_value": 3.4489601, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 8.6658626, "max_value": 10.7875198, "mean_value": 9.5324634, "stdev_value": 0.5198739, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 2.3405869, "max_value": 24.943663, "mean_value": 9.4232714, "stdev_value": 2.6527993, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 1526, "min_value": 0.0, "max_value": 12.4607029, "mean_value": 1.0803173, "stdev_value": 1.0576451, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.368826, "mean_value": 1.3430584, "stdev_value": 1.1431207, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 382, "min_value": 0.0, "max_value": 12.315809, "mean_value": 1.2456075, "stdev_value": 1.139489, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4333632, "max_value": 4.9091597, "mean_value": 1.3585842, "stdev_value": 0.8899842, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 52, "min_value": 0.0, "max_value": 7.8319654, "mean_value": 1.3995695, "stdev_value": 1.0437276, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210106, "max_time": 20220625, "num_locations": 753, "min_value": 0.8910405, "max_value": 99.8049673, "mean_value": 69.4271347, "stdev_value": 24.3495736, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210106, "max_time": 20220625, "num_locations": 306, "min_value": 0.4950495, "max_value": 99.6638645, "mean_value": 69.9244811, "stdev_value": 21.2110823, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210106, "max_time": 20220625, "num_locations": 361, "min_value": 1.0367954, "max_value": 98.7773216, "mean_value": 68.9043457, "stdev_value": 22.9999112, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210106, "max_time": 20220625, "num_locations": 1, "min_value": 4.7552563, "max_value": 83.3454456, "mean_value": 71.6665101, "stdev_value": 21.002113, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210106, "max_time": 20220625, "num_locations": 51, "min_value": 2.5016936, "max_value": 98.5142761, "mean_value": 71.1711302, "stdev_value": 21.064335, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 656, "min_value": 53.8362965, "max_value": 99.8091504, "mean_value": 85.4093833, "stdev_value": 6.5835375, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 306, "min_value": 49.7729618, "max_value": 99.6676402, "mean_value": 82.7177396, "stdev_value": 6.673588, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 346, "min_value": 50.9636724, "max_value": 99.1896772, "mean_value": 83.910605, "stdev_value": 6.2157039, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 83.6764198, "max_value": 86.7308785, "mean_value": 84.6801581, "stdev_value": 0.6915938, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 62.1740052, "max_value": 99.3581501, "mean_value": 83.6169924, "stdev_value": 5.3342872, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 370, "min_value": 27.222259, "max_value": 96.0372155, "mean_value": 67.4045729, "stdev_value": 10.7321318, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 291, "min_value": 24.0751348, "max_value": 95.0844154, "mean_value": 63.0439644, "stdev_value": 11.010072, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 219, "min_value": 23.5174147, "max_value": 93.2097072, "mean_value": 65.4485421, "stdev_value": 9.8214244, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 59.230255, "max_value": 67.8662448, "mean_value": 64.4610311, "stdev_value": 1.977963, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 32.7354924, "max_value": 92.76767, "mean_value": 62.8851878, "stdev_value": 9.5371268, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 768, "min_value": 38.4084227, "max_value": 99.7625276, "mean_value": 78.1681895, "stdev_value": 8.8205371, "last_update": 1628859293, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210808, "num_locations": 306, "min_value": 38.7082511, "max_value": 99.5327103, "mean_value": 76.9584218, "stdev_value": 8.373011, "last_update": 1628859357, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210808, "num_locations": 364, "min_value": 41.0484104, "max_value": 98.0079644, "mean_value": 77.0638478, "stdev_value": 8.5686241, "last_update": 1628859401, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 68.0666794, "max_value": 86.368918, "mean_value": 80.3508095, "stdev_value": 4.722187, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 48.0429272, "max_value": 97.799033, "mean_value": 79.072896, "stdev_value": 7.0766794, "last_update": 1628859434, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 349, "min_value": 7.6360414, "max_value": 61.5990172, "mean_value": 32.8357643, "stdev_value": 6.2015456, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 10.7541064, "max_value": 60.8968859, "mean_value": 33.1166887, "stdev_value": 5.8838919, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 7.6360414, "max_value": 61.5990172, "mean_value": 33.1881182, "stdev_value": 5.9725424, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 32.397787, "max_value": 34.0779616, "mean_value": 33.1560838, "stdev_value": 0.3549532, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 13.7742926, "max_value": 53.4486536, "mean_value": 33.79402, "stdev_value": 4.5216393, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 744, "min_value": 1.9174148, "max_value": 39.8543825, "mean_value": 13.7652938, "stdev_value": 3.6411139, "last_update": 1616241086, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 2.7541212, "max_value": 36.7797356, "mean_value": 13.7435342, "stdev_value": 2.9571271, "last_update": 1616007480, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 360, "min_value": 2.4965612, "max_value": 38.8902168, "mean_value": 14.1576886, "stdev_value": 3.5036668, "last_update": 1616154703, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 11.8594341, "max_value": 15.5085087, "mean_value": 13.4023874, "stdev_value": 0.907089, "last_update": 1616500419, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 6.0871871, "max_value": 27.3584479, "mean_value": 13.7900204, "stdev_value": 2.0112377, "last_update": 1616241132, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 612, "min_value": 0.616306, "max_value": 43.9599197, "mean_value": 12.0288927, "stdev_value": 3.7190805, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 0.4807692, "max_value": 41.2780068, "mean_value": 12.3922538, "stdev_value": 3.6372247, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 331, "min_value": 0.4680631, "max_value": 42.7666862, "mean_value": 12.4339927, "stdev_value": 3.7043859, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 10.4776671, "max_value": 14.1366129, "mean_value": 12.1188847, "stdev_value": 0.8910695, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 2.3550117, "max_value": 25.1595585, "mean_value": 12.4805467, "stdev_value": 2.4135102, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 4.8069079, "max_value": 41.638098, "mean_value": 21.9202099, "stdev_value": 4.6762479, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 9.9711569, "max_value": 44.4861606, "mean_value": 24.7468069, "stdev_value": 5.8217915, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 7.4195413, "max_value": 46.0042971, "mean_value": 23.6468721, "stdev_value": 5.8843849, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 17.8199425, "max_value": 28.8839544, "mean_value": 21.9804576, "stdev_value": 2.3640941, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 4.6072304, "max_value": 43.2226214, "mean_value": 22.2710091, "stdev_value": 4.9543433, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 6.4677091, "max_value": 65.2771888, "mean_value": 33.6084413, "stdev_value": 11.9811943, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 6.3880598, "max_value": 63.0488653, "mean_value": 26.670035, "stdev_value": 11.0511897, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 3.4951517, "max_value": 61.2004784, "mean_value": 31.4099448, "stdev_value": 11.9218944, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 15.4693496, "max_value": 49.333232, "mean_value": 34.2132441, "stdev_value": 11.0045891, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 7.1861593, "max_value": 67.6858431, "mean_value": 33.5523795, "stdev_value": 12.0913472, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 8.757518, "max_value": 45.048068, "mean_value": 23.041627, "stdev_value": 4.2782189, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 7.6811651, "max_value": 43.0085034, "mean_value": 21.9911531, "stdev_value": 5.330986, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 7.4701214, "max_value": 46.4618394, "mean_value": 23.0991627, "stdev_value": 5.6430603, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 19.7489267, "max_value": 28.7219516, "mean_value": 23.4715732, "stdev_value": 2.1884121, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 7.9491028, "max_value": 46.8476055, "mean_value": 23.3250687, "stdev_value": 4.6860318, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 24.4894394, "max_value": 61.4067069, "mean_value": 41.6971633, "stdev_value": 4.7507984, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 26.5531661, "max_value": 67.4840315, "mean_value": 44.4681033, "stdev_value": 5.8794146, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 25.8539208, "max_value": 65.0524872, "mean_value": 45.1182106, "stdev_value": 5.67112, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 39.4646443, "max_value": 45.9354591, "mean_value": 43.1617633, "stdev_value": 1.150104, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 22.3975978, "max_value": 66.4215331, "mean_value": 43.1280253, "stdev_value": 5.1640465, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 17.9707159, "max_value": 68.0319998, "mean_value": 41.6497756, "stdev_value": 6.1898686, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 19.4349471, "max_value": 69.3430387, "mean_value": 40.6714652, "stdev_value": 7.2109532, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 16.7636216, "max_value": 61.7023174, "mean_value": 40.2259687, "stdev_value": 6.8004507, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 37.3558444, "max_value": 48.7790548, "mean_value": 43.253093, "stdev_value": 2.8849537, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 18.7757164, "max_value": 70.3317852, "mean_value": 43.3817649, "stdev_value": 6.5220607, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 13.2109195, "max_value": 52.9541802, "mean_value": 30.4775884, "stdev_value": 4.771153, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 12.6394689, "max_value": 50.0796684, "mean_value": 27.4749004, "stdev_value": 5.9769335, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 11.040314, "max_value": 50.0086998, "mean_value": 28.2413138, "stdev_value": 5.6874895, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 20.1605447, "max_value": 34.161327, "mean_value": 29.544848, "stdev_value": 2.4247603, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 12.3992662, "max_value": 53.0852128, "mean_value": 29.8537186, "stdev_value": 5.0127981, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 1.923726, "max_value": 54.9464813, "mean_value": 16.0300924, "stdev_value": 6.6137832, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 5.4724325, "max_value": 45.5438936, "mean_value": 21.1476736, "stdev_value": 6.93477, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 2.3014576, "max_value": 47.8203937, "mean_value": 22.1245488, "stdev_value": 8.1906234, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 9.0930202, "max_value": 29.2971249, "mean_value": 15.8323641, "stdev_value": 4.4888581, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 1.4653069, "max_value": 45.1462683, "mean_value": 15.6996598, "stdev_value": 6.5734888, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210221, "num_locations": 744, "min_value": 51.1794743, "max_value": 99.6779189, "mean_value": 90.679758, "stdev_value": 6.0151383, "last_update": 1616006565, "max_issue": 20210317, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210220, "num_locations": 306, "min_value": 51.4583333, "max_value": 99.6774194, "mean_value": 89.1083305, "stdev_value": 6.3806653, "last_update": 1616006531, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210221, "num_locations": 359, "min_value": 51.3144713, "max_value": 99.6775583, "mean_value": 89.7195547, "stdev_value": 6.0889906, "last_update": 1616006593, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210222, "num_locations": 1, "min_value": 86.1720121, "max_value": 94.0841025, "mean_value": 90.6231562, "stdev_value": 2.9532583, "last_update": 1616006649, "max_issue": 20210317, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210221, "num_locations": 51, "min_value": 55.6066818, "max_value": 99.5934959, "mean_value": 89.5499112, "stdev_value": 6.2253967, "last_update": 1616006603, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 663, "min_value": 7.8728379, "max_value": 99.7584907, "mean_value": 64.205482, "stdev_value": 22.6791456, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 306, "min_value": 6.7460317, "max_value": 99.795082, "mean_value": 59.3034134, "stdev_value": 22.8455967, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 344, "min_value": 6.5201134, "max_value": 99.7584907, "mean_value": 62.2082483, "stdev_value": 22.5356158, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 30.3755175, "max_value": 93.8240641, "mean_value": 60.843203, "stdev_value": 19.1204448, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 51, "min_value": 7.8728379, "max_value": 99.5762712, "mean_value": 58.4062054, "stdev_value": 22.9032269, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 742, "min_value": 3.2146097, "max_value": 45.7746918, "mean_value": 19.7587182, "stdev_value": 4.2989054, "last_update": 1616241087, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.7151883, "max_value": 41.6290221, "mean_value": 19.2902689, "stdev_value": 3.4436193, "last_update": 1616007480, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 358, "min_value": 5.5195396, "max_value": 45.7746918, "mean_value": 19.7872229, "stdev_value": 4.1335327, "last_update": 1616154703, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 14.5542693, "max_value": 20.6762534, "mean_value": 19.3086085, "stdev_value": 1.1223331, "last_update": 1616500420, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 10.000835, "max_value": 32.899683, "mean_value": 19.6722251, "stdev_value": 2.8198029, "last_update": 1616241132, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20210808, "num_locations": 612, "min_value": 2.0921847, "max_value": 41.6130858, "mean_value": 14.9080237, "stdev_value": 4.4760916, "last_update": 1628859295, "max_issue": 20210813, "min_lag": 1, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20210808, "num_locations": 306, "min_value": 2.0894072, "max_value": 36.0692146, "mean_value": 14.2480385, "stdev_value": 3.8590188, "last_update": 1628859358, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20210808, "num_locations": 331, "min_value": 1.9669919, "max_value": 42.6565175, "mean_value": 14.827256, "stdev_value": 4.3100106, "last_update": 1628859402, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20210808, "num_locations": 1, "min_value": 9.6084067, "max_value": 19.1716974, "mean_value": 13.0566865, "stdev_value": 2.6467552, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20210808, "num_locations": 51, "min_value": 2.9438775, "max_value": 29.6693207, "mean_value": 13.6768722, "stdev_value": 3.7391537, "last_update": 1628859434, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 384, "min_value": 25.8051747, "max_value": 83.1557473, "mean_value": 54.7105354, "stdev_value": 7.9570561, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 287, "min_value": 25.5610208, "max_value": 78.7154491, "mean_value": 52.4789789, "stdev_value": 7.1385953, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 227, "min_value": 25.308152, "max_value": 82.4349516, "mean_value": 53.8148398, "stdev_value": 7.5440052, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 51.7862157, "max_value": 53.3519071, "mean_value": 52.5535139, "stdev_value": 0.4362619, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 36.796906, "max_value": 78.1347419, "mean_value": 53.5545129, "stdev_value": 5.9461494, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 661, "min_value": 0.3968254, "max_value": 63.6836227, "mean_value": 25.6370922, "stdev_value": 10.6136795, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 306, "min_value": 1.877847, "max_value": 67.9838795, "mean_value": 27.2432022, "stdev_value": 10.6358672, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 347, "min_value": 1.3872896, "max_value": 63.6836227, "mean_value": 26.272397, "stdev_value": 10.5537114, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 14.4403582, "max_value": 43.9655763, "mean_value": 27.0545338, "stdev_value": 9.3656193, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 1.877847, "max_value": 55.6946797, "mean_value": 27.0624538, "stdev_value": 10.6317479, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 9.4519542, "max_value": 48.6336454, "mean_value": 24.4502765, "stdev_value": 4.1238527, "last_update": 1628859295, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 9.0052188, "max_value": 47.7810821, "mean_value": 24.1547932, "stdev_value": 4.2220518, "last_update": 1628686606, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 10.1799585, "max_value": 46.2835883, "mean_value": 24.2801462, "stdev_value": 4.1645026, "last_update": 1628772911, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 17.2139495, "max_value": 29.511484, "mean_value": 24.5487878, "stdev_value": 1.8535995, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 10.3998722, "max_value": 42.6742516, "mean_value": 24.0275552, "stdev_value": 3.2935803, "last_update": 1628859434, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 0.2155175, "max_value": 18.8500985, "mean_value": 4.4164383, "stdev_value": 2.4268497, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 0.210084, "max_value": 22.5738707, "mean_value": 4.4567295, "stdev_value": 2.6283793, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 0.2389865, "max_value": 30.2682761, "mean_value": 4.5971638, "stdev_value": 2.6835099, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 2.6631177, "max_value": 7.3851319, "mean_value": 3.6734228, "stdev_value": 0.9999892, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 0.2155175, "max_value": 19.5888963, "mean_value": 3.9081734, "stdev_value": 1.8891713, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20211224, "num_locations": 269, "min_value": 2.277526, "max_value": 31.8960027, "mean_value": 12.2722454, "stdev_value": 3.0982688, "last_update": 1643835123, "max_issue": 20220202, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20211222, "num_locations": 264, "min_value": 1.9030664, "max_value": 37.3937124, "mean_value": 12.5038004, "stdev_value": 3.6238109, "last_update": 1643835194, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20211223, "num_locations": 182, "min_value": 1.908972, "max_value": 39.5481442, "mean_value": 12.3604769, "stdev_value": 3.6003761, "last_update": 1643835252, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20211225, "num_locations": 1, "min_value": 9.8077692, "max_value": 27.0058032, "mean_value": 12.6810788, "stdev_value": 1.2219962, "last_update": 1643835282, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20211224, "num_locations": 50, "min_value": 3.0114815, "max_value": 35.411576, "mean_value": 12.886509, "stdev_value": 2.6689476, "last_update": 1643835300, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 67, "min_value": 7.1241707, "max_value": 40.0026615, "mean_value": 19.5304937, "stdev_value": 3.4267287, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "hrr", "min_time": 20211220, "max_time": 20220625, "num_locations": 126, "min_value": 5.897228, "max_value": 42.6748953, "mean_value": 19.7060164, "stdev_value": 4.6625072, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 62, "min_value": 7.449434, "max_value": 39.3582203, "mean_value": 19.7361241, "stdev_value": 4.239746, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 18.4809393, "max_value": 20.770861, "mean_value": 19.4847267, "stdev_value": 0.5453515, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 47, "min_value": 6.3902943, "max_value": 37.7316319, "mean_value": 19.7005006, "stdev_value": 3.5149921, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 3.8733198, "max_value": 65.8024308, "mean_value": 37.8863748, "stdev_value": 10.7702842, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 3.3445575, "max_value": 71.8676246, "mean_value": 38.8326416, "stdev_value": 10.2987714, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 9.5565973, "max_value": 68.8416246, "mean_value": 36.4859949, "stdev_value": 9.9437057, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 23.504747, "max_value": 49.1555014, "mean_value": 42.2244957, "stdev_value": 6.8273849, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 12.450454, "max_value": 67.7544202, "mean_value": 42.9135451, "stdev_value": 8.2286108, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 6.3373338, "max_value": 72.3097565, "mean_value": 39.4005133, "stdev_value": 12.0524336, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 6.5432548, "max_value": 75.041397, "mean_value": 39.0969708, "stdev_value": 10.9974265, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 10.5496022, "max_value": 71.8766845, "mean_value": 37.263145, "stdev_value": 10.5672901, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 26.3299411, "max_value": 54.8598449, "mean_value": 45.6359383, "stdev_value": 8.2569509, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 14.2122894, "max_value": 76.4828356, "mean_value": 45.7552156, "stdev_value": 10.0603843, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 2.68867, "max_value": 25.7398773, "mean_value": 11.1342754, "stdev_value": 2.856906, "last_update": 1628859296, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 2.4427752, "max_value": 25.2297164, "mean_value": 11.1467825, "stdev_value": 2.8554226, "last_update": 1628686607, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 2.7694866, "max_value": 25.1692907, "mean_value": 10.9455353, "stdev_value": 2.7274129, "last_update": 1628772911, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 9.5538471, "max_value": 18.3521122, "mean_value": 12.0427154, "stdev_value": 1.6547789, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 3.9640995, "max_value": 24.0387993, "mean_value": 11.3925431, "stdev_value": 2.3043261, "last_update": 1628859435, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 6.5269903, "max_value": 48.9568179, "mean_value": 24.5260072, "stdev_value": 5.1911112, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 6.6947907, "max_value": 53.7090555, "mean_value": 24.7984946, "stdev_value": 5.8600366, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 7.1164823, "max_value": 54.484413, "mean_value": 24.207075, "stdev_value": 5.7743426, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 19.6582346, "max_value": 30.2768264, "mean_value": 25.7284686, "stdev_value": 3.2087039, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 11.6209221, "max_value": 52.298582, "mean_value": 26.1078927, "stdev_value": 4.7044414, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 0.4767117, "max_value": 54.3332284, "mean_value": 16.5565188, "stdev_value": 10.1101, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 0.2564103, "max_value": 55.2657496, "mean_value": 16.2136318, "stdev_value": 9.2827039, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 0.7518824, "max_value": 50.675307, "mean_value": 17.5177984, "stdev_value": 9.6695686, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 7.006092, "max_value": 31.3399911, "mean_value": 12.2879791, "stdev_value": 6.5081071, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 1.2616671, "max_value": 42.2415841, "mean_value": 12.8269855, "stdev_value": 7.4064772, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.386761, "max_value": 21.8109183, "mean_value": 7.9178619, "stdev_value": 2.5124111, "last_update": 1628859296, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 0.8121502, "max_value": 30.0649677, "mean_value": 8.0934786, "stdev_value": 2.5632542, "last_update": 1628686607, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 0.9687711, "max_value": 23.2912513, "mean_value": 8.0287888, "stdev_value": 2.6217481, "last_update": 1628772912, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 4.5181873, "max_value": 11.9337068, "mean_value": 8.6093731, "stdev_value": 1.3868421, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 2.5668931, "max_value": 19.2062301, "mean_value": 8.3460955, "stdev_value": 1.9810811, "last_update": 1628859435, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 1.4372991, "max_value": 42.8244651, "mean_value": 17.6983098, "stdev_value": 6.0368779, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 2.6860797, "max_value": 50.8660928, "mean_value": 17.8413979, "stdev_value": 6.3624422, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 2.0627923, "max_value": 54.7826929, "mean_value": 17.2250361, "stdev_value": 6.2453655, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 9.9303692, "max_value": 24.9020614, "mean_value": 19.1013047, "stdev_value": 3.9091196, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 5.8651725, "max_value": 46.0061502, "mean_value": 19.556545, "stdev_value": 5.1331531, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.3552191, "max_value": 19.4539214, "mean_value": 5.6342949, "stdev_value": 1.9918921, "last_update": 1628859296, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 0.3546099, "max_value": 19.0082655, "mean_value": 5.627179, "stdev_value": 2.1027593, "last_update": 1628686607, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 0.3552191, "max_value": 19.4539214, "mean_value": 5.6632815, "stdev_value": 2.0533325, "last_update": 1628772912, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 4.6500787, "max_value": 9.8490779, "mean_value": 6.0507347, "stdev_value": 0.9728403, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 0.4761905, "max_value": 19.0831092, "mean_value": 5.8217579, "stdev_value": 1.7396931, "last_update": 1628859435, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 0.2360437, "max_value": 37.2408044, "mean_value": 9.7295569, "stdev_value": 5.6347867, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 0.2145923, "max_value": 41.0601024, "mean_value": 9.8180712, "stdev_value": 5.9566815, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 0.2575795, "max_value": 41.411229, "mean_value": 9.1957266, "stdev_value": 5.6983165, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 3.2215934, "max_value": 17.9682824, "mean_value": 11.6468891, "stdev_value": 4.3801209, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 0.4587282, "max_value": 38.2845488, "mean_value": 11.6888491, "stdev_value": 5.2139764, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 26.9548241, "max_value": 79.8831658, "mean_value": 53.7488322, "stdev_value": 7.1368359, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 28.7712371, "max_value": 80.055543, "mean_value": 53.8408628, "stdev_value": 7.5832092, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 29.0385923, "max_value": 79.8831658, "mean_value": 53.2930136, "stdev_value": 7.4650192, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 45.4524593, "max_value": 61.2061394, "mean_value": 55.7581717, "stdev_value": 4.3187869, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 32.8388023, "max_value": 79.261816, "mean_value": 55.9877578, "stdev_value": 5.9797222, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 2.4146879, "max_value": 64.9447974, "mean_value": 32.9521122, "stdev_value": 11.0263706, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 2.6826198, "max_value": 71.0861382, "mean_value": 32.9523433, "stdev_value": 10.2676657, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 4.2480872, "max_value": 66.4505849, "mean_value": 31.7528147, "stdev_value": 10.285422, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 17.0729857, "max_value": 46.6894472, "mean_value": 37.2840133, "stdev_value": 7.5253347, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 9.9642288, "max_value": 67.7170268, "mean_value": 38.1365857, "stdev_value": 9.0498542, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 6.8225926, "max_value": 62.5631435, "mean_value": 34.1443483, "stdev_value": 8.8727006, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 6.0065841, "max_value": 62.7920337, "mean_value": 35.3441146, "stdev_value": 7.8933413, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 7.4386807, "max_value": 61.0454853, "mean_value": 36.4206659, "stdev_value": 7.8766815, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 17.435773, "max_value": 42.105386, "mean_value": 31.373305, "stdev_value": 7.6962928, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 6.6577789, "max_value": 54.9808894, "mean_value": 31.4730499, "stdev_value": 8.2685307, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 1158, "min_value": 1.3750815, "max_value": 73.2503244, "mean_value": 21.9397893, "stdev_value": 10.0012829, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 306, "min_value": 2.2171266, "max_value": 74.0255911, "mean_value": 22.8036241, "stdev_value": 9.9718312, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 380, "min_value": 1.8822423, "max_value": 73.2503244, "mean_value": 23.1479164, "stdev_value": 10.2562135, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 9.661965, "max_value": 47.033767, "mean_value": 21.5156062, "stdev_value": 7.1543536, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 52, "min_value": 2.4860466, "max_value": 61.3750353, "mean_value": 22.2999081, "stdev_value": 9.3458112, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 1526, "min_value": 0.0, "max_value": 12.7482784, "mean_value": 1.1044539, "stdev_value": 1.075888, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 12.7454707, "mean_value": 1.368139, "stdev_value": 1.1626017, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 382, "min_value": 0.0, "max_value": 12.897527, "mean_value": 1.2702849, "stdev_value": 1.1586003, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4424246, "max_value": 5.0456589, "mean_value": 1.3858002, "stdev_value": 0.9112782, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 52, "min_value": 0.0, "max_value": 7.9691919, "mean_value": 1.4244392, "stdev_value": 1.0646239, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 352, "min_value": 0.1789052, "max_value": 31.3099061, "mean_value": 7.2474167, "stdev_value": 2.8507023, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 0.1908397, "max_value": 31.3351139, "mean_value": 7.4263152, "stdev_value": 2.5663561, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 0.1394524, "max_value": 30.4304362, "mean_value": 7.1528107, "stdev_value": 2.685112, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 7.1101013, "max_value": 7.6034753, "mean_value": 7.3572741, "stdev_value": 0.1054342, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 2.0895519, "max_value": 14.0962306, "mean_value": 7.4065711, "stdev_value": 1.5405493, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 352, "min_value": 0.1760494, "max_value": 37.097309, "mean_value": 6.376349, "stdev_value": 2.6140307, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 0.1851852, "max_value": 37.2985333, "mean_value": 6.6087396, "stdev_value": 2.503617, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 0.2047256, "max_value": 21.8746033, "mean_value": 6.5161824, "stdev_value": 2.5491358, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 6.0873171, "max_value": 7.1435648, "mean_value": 6.6005127, "stdev_value": 0.3242917, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 1.2449109, "max_value": 14.3650406, "mean_value": 6.3908213, "stdev_value": 1.5469224, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 352, "min_value": 58.4158339, "max_value": 97.6887012, "mean_value": 85.7413474, "stdev_value": 3.7676812, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 56.295143, "max_value": 97.4969585, "mean_value": 85.312899, "stdev_value": 3.498756, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 62.1802657, "max_value": 97.420166, "mean_value": 85.6887471, "stdev_value": 3.5635137, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 84.7892928, "max_value": 86.3072822, "mean_value": 85.4810374, "stdev_value": 0.3629036, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 78.2149548, "max_value": 93.5469139, "mean_value": 85.6387775, "stdev_value": 1.9364896, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 295, "min_value": 1.649099, "max_value": 96.5116573, "mean_value": 44.1861575, "stdev_value": 24.522825, "last_update": 1643835126, "max_issue": 20220202, "min_lag": 1, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 264, "min_value": 2.167588, "max_value": 98.0192219, "mean_value": 46.3823847, "stdev_value": 23.2513277, "last_update": 1643835196, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211224, "num_locations": 181, "min_value": 1.911819, "max_value": 97.7340744, "mean_value": 45.3173837, "stdev_value": 23.6674973, "last_update": 1643835254, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 30.405697, "max_value": 86.0366294, "mean_value": 57.0158636, "stdev_value": 19.9209731, "last_update": 1643835283, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 3.8655163, "max_value": 96.6880092, "mean_value": 58.3279855, "stdev_value": 22.7559791, "last_update": 1643835301, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 69, "min_value": 62.9940419, "max_value": 99.5454541, "mean_value": 92.7122963, "stdev_value": 4.0705057, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220625, "num_locations": 87, "min_value": 55.9706126, "max_value": 99.7326203, "mean_value": 91.1569006, "stdev_value": 5.3418787, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 53, "min_value": 58.2056922, "max_value": 99.6914588, "mean_value": 92.2337491, "stdev_value": 4.6003458, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 87.6818181, "max_value": 95.6651801, "mean_value": 93.2633088, "stdev_value": 2.0315501, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 42, "min_value": 63.1649378, "max_value": 99.5454541, "mean_value": 92.7526905, "stdev_value": 4.0486863, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 293, "min_value": 0.4471104, "max_value": 75.6656064, "mean_value": 24.2313898, "stdev_value": 12.0261844, "last_update": 1643835126, "max_issue": 20220202, "min_lag": 1, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 259, "min_value": 0.4464286, "max_value": 66.322919, "mean_value": 25.318842, "stdev_value": 11.1259869, "last_update": 1643835196, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211223, "num_locations": 178, "min_value": 0.4471104, "max_value": 69.0001297, "mean_value": 24.4376559, "stdev_value": 11.3399035, "last_update": 1643835254, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 16.1480305, "max_value": 28.2422396, "mean_value": 22.2751745, "stdev_value": 4.0347658, "last_update": 1643835283, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 4.2491283, "max_value": 65.7561501, "mean_value": 23.2546423, "stdev_value": 9.7834603, "last_update": 1643835301, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 69, "min_value": 0.1461985, "max_value": 24.1369907, "mean_value": 4.7023299, "stdev_value": 2.8786615, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220625, "num_locations": 87, "min_value": 0.1976285, "max_value": 27.8987527, "mean_value": 5.6972514, "stdev_value": 3.7524768, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 53, "min_value": 0.2120599, "max_value": 30.8578463, "mean_value": 4.8967179, "stdev_value": 3.0774775, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 2.6388345, "max_value": 7.8820427, "mean_value": 4.3530664, "stdev_value": 1.2863722, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 42, "min_value": 0.1461985, "max_value": 22.9473676, "mean_value": 4.7187805, "stdev_value": 2.8968913, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 0.2747253, "max_value": 44.7660358, "mean_value": 11.252197, "stdev_value": 5.6423628, "last_update": 1616241089, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 0.492228, "max_value": 46.2257562, "mean_value": 12.2999093, "stdev_value": 5.5630368, "last_update": 1616007482, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 0.2747253, "max_value": 44.7660358, "mean_value": 12.1267754, "stdev_value": 5.6983996, "last_update": 1616154705, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 6.8384933, "max_value": 15.8530488, "mean_value": 11.2534813, "stdev_value": 3.0755192, "last_update": 1616500422, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 1.2275906, "max_value": 31.2557433, "mean_value": 11.7680285, "stdev_value": 5.096913, "last_update": 1616241133, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 0.5781915, "max_value": 57.928438, "mean_value": 21.8466829, "stdev_value": 7.3628614, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 1.2339531, "max_value": 57.5739341, "mean_value": 23.3337496, "stdev_value": 7.1254594, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 0.9356978, "max_value": 55.0674681, "mean_value": 22.5222933, "stdev_value": 7.1586873, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 10.793925, "max_value": 31.3438812, "mean_value": 22.6271031, "stdev_value": 5.253952, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 1.8963261, "max_value": 46.0268839, "mean_value": 23.4043217, "stdev_value": 6.8020611, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 1158, "min_value": 0.2449849, "max_value": 67.6118995, "mean_value": 17.2692958, "stdev_value": 9.1160853, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 306, "min_value": 0.4385965, "max_value": 67.3097288, "mean_value": 17.8269208, "stdev_value": 9.1346179, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 380, "min_value": 0.4140571, "max_value": 64.7689845, "mean_value": 18.2267998, "stdev_value": 9.4049519, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 6.331558, "max_value": 39.6769705, "mean_value": 16.6227899, "stdev_value": 6.421572, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 52, "min_value": 1.3205772, "max_value": 56.2288024, "mean_value": 17.4001059, "stdev_value": 8.5435123, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 7.622462, "max_value": 58.3337502, "mean_value": 31.7920327, "stdev_value": 6.1464568, "last_update": 1616241090, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 12.4907885, "max_value": 55.1652893, "mean_value": 32.0940955, "stdev_value": 5.5899382, "last_update": 1616007482, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 7.622462, "max_value": 58.3337502, "mean_value": 32.446426, "stdev_value": 6.0098032, "last_update": 1616154705, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 21.6507501, "max_value": 35.9460336, "mean_value": 31.3427652, "stdev_value": 3.2126867, "last_update": 1616500423, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 8.9662447, "max_value": 52.6223377, "mean_value": 32.2708983, "stdev_value": 5.4055182, "last_update": 1616241133, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 9.7198634, "max_value": 58.617874, "mean_value": 33.5732968, "stdev_value": 5.532449, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 11.4492754, "max_value": 58.4677419, "mean_value": 33.7955435, "stdev_value": 5.1569547, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 9.8720626, "max_value": 61.2426139, "mean_value": 33.8262538, "stdev_value": 5.4456966, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 23.7957814, "max_value": 36.4551242, "mean_value": 33.6054923, "stdev_value": 2.1450812, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 13.3451957, "max_value": 52.9292878, "mean_value": 34.5361949, "stdev_value": 4.4888592, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 745, "min_value": 21.8562874, "max_value": 93.8829787, "mean_value": 61.2717627, "stdev_value": 9.5898727, "last_update": 1628859302, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 26.635514, "max_value": 85.9855335, "mean_value": 59.8519576, "stdev_value": 9.4121586, "last_update": 1628859362, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 359, "min_value": 21.8398888, "max_value": 93.8829787, "mean_value": 60.4249489, "stdev_value": 9.4460152, "last_update": 1628859406, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 35.6958763, "max_value": 72.3717622, "mean_value": 56.9028157, "stdev_value": 11.0532109, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 21.8562874, "max_value": 81.0144928, "mean_value": 58.0321489, "stdev_value": 10.6045383, "last_update": 1628859437, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 377, "min_value": 13.1678783, "max_value": 83.8235294, "mean_value": 48.9187704, "stdev_value": 10.4618787, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 293, "min_value": 12.585034, "max_value": 82.0855615, "mean_value": 46.2742163, "stdev_value": 10.1272357, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 221, "min_value": 14.8006912, "max_value": 82.1678322, "mean_value": 47.433019, "stdev_value": 9.8045433, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 32.7879719, "max_value": 59.1381691, "mean_value": 46.1695619, "stdev_value": 6.9006121, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 13.1678783, "max_value": 76.1682243, "mean_value": 44.5452652, "stdev_value": 9.4025344, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 755, "min_value": 11.0052026, "max_value": 82.6732673, "mean_value": 39.1531293, "stdev_value": 7.8953853, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220627, "num_locations": 306, "min_value": 15.1408451, "max_value": 76.618705, "mean_value": 39.0279071, "stdev_value": 7.3314365, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 360, "min_value": 14.3584953, "max_value": 82.6732673, "mean_value": 39.2171114, "stdev_value": 7.663917, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 32.7583261, "max_value": 49.7202012, "mean_value": 38.4454227, "stdev_value": 4.1104441, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 20.6790123, "max_value": 58.4336003, "mean_value": 37.980683, "stdev_value": 5.5495025, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20220627, "num_locations": 724, "min_value": 14.7232379, "max_value": 88.2235985, "mean_value": 53.9216438, "stdev_value": 15.917221, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "hrr", "min_time": 20210113, "max_time": 20220627, "num_locations": 306, "min_value": 21.679198, "max_value": 88.2113821, "mean_value": 61.4861725, "stdev_value": 14.6393302, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20220627, "num_locations": 359, "min_value": 17.065884, "max_value": 87.1809489, "mean_value": 56.2371783, "stdev_value": 15.6697149, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20220627, "num_locations": 1, "min_value": 37.2208052, "max_value": 74.686969, "mean_value": 67.9060097, "stdev_value": 10.3589595, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20220627, "num_locations": 51, "min_value": 24.025974, "max_value": 86.5484308, "mean_value": 66.939403, "stdev_value": 11.640358, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220625, "num_locations": 360, "min_value": 2.8900442, "max_value": 57.1384989, "mean_value": 19.5881646, "stdev_value": 6.833952, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220625, "num_locations": 290, "min_value": 2.8735545, "max_value": 55.9770673, "mean_value": 18.7926198, "stdev_value": 6.4440911, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220625, "num_locations": 214, "min_value": 2.6704421, "max_value": 56.056802, "mean_value": 19.0669081, "stdev_value": 6.5754008, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220625, "num_locations": 1, "min_value": 12.1122322, "max_value": 29.4177794, "mean_value": 18.6006568, "stdev_value": 3.8454173, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220625, "num_locations": 51, "min_value": 4.1515193, "max_value": 53.4279084, "mean_value": 18.0471995, "stdev_value": 5.8320159, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20210808, "num_locations": 726, "min_value": 0.4545455, "max_value": 99.5689655, "mean_value": 75.0626799, "stdev_value": 20.460701, "last_update": 1628859303, "max_issue": 20210813, "min_lag": 0, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20210808, "num_locations": 306, "min_value": 0.3012048, "max_value": 97.9872631, "mean_value": 68.687151, "stdev_value": 23.039915, "last_update": 1628859363, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20210808, "num_locations": 355, "min_value": 0.7093424, "max_value": 99.4381474, "mean_value": 71.9296622, "stdev_value": 20.9615251, "last_update": 1628859406, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20210808, "num_locations": 1, "min_value": 12.1221968, "max_value": 81.8798592, "mean_value": 61.4684197, "stdev_value": 25.4253023, "last_update": 1628859423, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20210808, "num_locations": 51, "min_value": 0.4545455, "max_value": 97.5155904, "mean_value": 63.8378853, "stdev_value": 27.0748247, "last_update": 1628859437, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 361, "min_value": 0.1850946, "max_value": 91.361127, "mean_value": 23.3561117, "stdev_value": 21.8086104, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.1557632, "max_value": 91.5325142, "mean_value": 19.1478965, "stdev_value": 19.7661479, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.1508559, "max_value": 89.2016655, "mean_value": 20.3891376, "stdev_value": 20.1005663, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 3.8785358, "max_value": 54.052581, "mean_value": 20.4011157, "stdev_value": 10.9031212, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.2053294, "max_value": 88.2777682, "mean_value": 17.185773, "stdev_value": 18.2390896, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 831, "min_value": 0.095057, "max_value": 67.611347, "mean_value": 5.1043834, "stdev_value": 4.9251387, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220625, "num_locations": 306, "min_value": 0.1184834, "max_value": 53.9211951, "mean_value": 5.0337428, "stdev_value": 4.1298865, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 370, "min_value": 0.1459525, "max_value": 31.7723756, "mean_value": 4.5544746, "stdev_value": 2.8115349, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 2.8579001, "max_value": 9.0405839, "mean_value": 5.749723, "stdev_value": 1.7722659, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 0.3816794, "max_value": 41.2234339, "mean_value": 5.4374429, "stdev_value": 3.6889787, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 350, "min_value": 44.6845856, "max_value": 96.0016421, "mean_value": 78.8774113, "stdev_value": 6.5378876, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 43.6431494, "max_value": 97.3523875, "mean_value": 79.2426393, "stdev_value": 6.1193318, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 47.3813681, "max_value": 95.8289087, "mean_value": 79.3294516, "stdev_value": 5.838266, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 76.8679215, "max_value": 79.9628531, "mean_value": 78.4509898, "stdev_value": 0.76656, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 61.1275035, "max_value": 95.4994895, "mean_value": 79.8366639, "stdev_value": 4.5101922, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20211114, "num_locations": 630, "min_value": 3.8131931, "max_value": 99.5369216, "mean_value": 79.2411098, "stdev_value": 17.2327187, "last_update": 1637329929, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "hrr", "min_time": 20210114, "max_time": 20211114, "num_locations": 306, "min_value": 2.0951814, "max_value": 98.9134502, "mean_value": 77.4185683, "stdev_value": 18.7860551, "last_update": 1637330011, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20211114, "num_locations": 340, "min_value": 1.4166938, "max_value": 99.5369216, "mean_value": 78.5278065, "stdev_value": 17.8464881, "last_update": 1637330071, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20211114, "num_locations": 1, "min_value": 17.9638906, "max_value": 92.6246564, "mean_value": 74.9749207, "stdev_value": 21.4558546, "last_update": 1637330093, "max_issue": 20211119, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20211114, "num_locations": 51, "min_value": 7.3361742, "max_value": 96.3267615, "mean_value": 75.7929487, "stdev_value": 20.8389331, "last_update": 1637330109, "max_issue": 20211119, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 17.6982297, "max_value": 83.8165171, "mean_value": 48.8631499, "stdev_value": 9.4779412, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 14.7472214, "max_value": 80.5507318, "mean_value": 46.2922779, "stdev_value": 8.9608849, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 15.8576243, "max_value": 82.2980262, "mean_value": 48.1183396, "stdev_value": 8.9809266, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 32.8582126, "max_value": 60.4220058, "mean_value": 45.7738202, "stdev_value": 6.8089877, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 15.9928367, "max_value": 83.8165171, "mean_value": 46.2307869, "stdev_value": 8.7394511, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 11.1703233, "max_value": 78.9730945, "mean_value": 43.7945872, "stdev_value": 9.0506236, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 9.3577232, "max_value": 76.1572109, "mean_value": 41.3296344, "stdev_value": 8.5723507, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 11.1673875, "max_value": 78.9730945, "mean_value": 42.9780296, "stdev_value": 8.6011096, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 27.860551, "max_value": 49.5411113, "mean_value": 40.6500338, "stdev_value": 6.0189305, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.1653242, "max_value": 70.235323, "mean_value": 40.9062967, "stdev_value": 7.9979597, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 5.9319002, "max_value": 57.977632, "mean_value": 27.5230318, "stdev_value": 6.4042328, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 3.8677926, "max_value": 55.193025, "mean_value": 26.3188863, "stdev_value": 6.2139479, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 5.9319002, "max_value": 58.3752259, "mean_value": 26.8992003, "stdev_value": 6.2388892, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 19.0667245, "max_value": 33.3690075, "mean_value": 26.0131712, "stdev_value": 4.138227, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 5.0567359, "max_value": 47.8245817, "mean_value": 25.7523881, "stdev_value": 5.3946691, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 11.8352822, "max_value": 77.1002341, "mean_value": 40.7308989, "stdev_value": 8.6602436, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 6.4487776, "max_value": 73.3101542, "mean_value": 38.5313168, "stdev_value": 8.2891859, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 10.7882693, "max_value": 74.5539272, "mean_value": 39.8638834, "stdev_value": 8.3605377, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 25.5443976, "max_value": 46.9760298, "mean_value": 38.0366029, "stdev_value": 5.9558135, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 14.0299409, "max_value": 77.1002341, "mean_value": 38.3705877, "stdev_value": 8.1019791, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 11.8921201, "max_value": 69.7047642, "mean_value": 38.8774725, "stdev_value": 7.0371838, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 10.9523769, "max_value": 67.9223619, "mean_value": 36.6817992, "stdev_value": 6.6670469, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 13.8407425, "max_value": 69.2789127, "mean_value": 37.7808221, "stdev_value": 6.3860915, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 28.2320293, "max_value": 42.4404932, "mean_value": 36.6836078, "stdev_value": 3.4524327, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.2675883, "max_value": 69.5996362, "mean_value": 36.4473536, "stdev_value": 5.8332799, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 10.9884566, "max_value": 55.8417301, "mean_value": 30.4520939, "stdev_value": 5.5030396, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 11.0805663, "max_value": 53.7454165, "mean_value": 29.8998426, "stdev_value": 5.4414781, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 11.1334005, "max_value": 55.8417301, "mean_value": 30.3957424, "stdev_value": 5.4876069, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 24.2675771, "max_value": 34.1841309, "mean_value": 29.2294132, "stdev_value": 3.3265939, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.8629489, "max_value": 50.2784511, "mean_value": 29.3536376, "stdev_value": 4.5798127, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 1.9753753, "max_value": 55.6071062, "mean_value": 20.5993203, "stdev_value": 7.4899409, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 3.4408587, "max_value": 58.7502736, "mean_value": 22.986963, "stdev_value": 7.7705772, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 3.1016384, "max_value": 57.3985286, "mean_value": 21.5977555, "stdev_value": 7.2342538, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 15.3425458, "max_value": 34.5811819, "mean_value": 23.1038863, "stdev_value": 5.5911218, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 3.176003, "max_value": 54.6733339, "mean_value": 23.6888443, "stdev_value": 7.5180353, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 0.4283319, "max_value": 39.1213459, "mean_value": 14.4486354, "stdev_value": 4.68754, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 1.0902773, "max_value": 39.5985444, "mean_value": 14.2400432, "stdev_value": 4.5942545, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 0.8183415, "max_value": 39.2176323, "mean_value": 14.4167716, "stdev_value": 4.6893103, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.3567311, "max_value": 19.6198389, "mean_value": 13.6339018, "stdev_value": 3.1792605, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.4340857, "max_value": 32.1779574, "mean_value": 13.8609252, "stdev_value": 3.8910602, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 0.1495093, "max_value": 46.6960292, "mean_value": 3.6214424, "stdev_value": 2.2787881, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.1285347, "max_value": 45.6570439, "mean_value": 3.5977917, "stdev_value": 2.164357, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 0.1390004, "max_value": 46.6396929, "mean_value": 3.6530628, "stdev_value": 2.3626174, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 2.1464939, "max_value": 4.6468375, "mean_value": 3.301974, "stdev_value": 0.6292751, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.1639344, "max_value": 29.4330739, "mean_value": 3.4178676, "stdev_value": 1.7499296, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 0.0762777, "max_value": 8.4963037, "mean_value": 2.0753331, "stdev_value": 1.2633712, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 16, "min_value": 0.2096436, "max_value": 9.1312582, "mean_value": 2.0724057, "stdev_value": 1.4747549, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 17, "min_value": 0.1142924, "max_value": 11.2616143, "mean_value": 2.0758455, "stdev_value": 1.410957, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 1.5351946, "max_value": 2.2057331, "mean_value": 1.8608761, "stdev_value": 0.1569164, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 33, "min_value": 0.0762777, "max_value": 8.4637057, "mean_value": 2.0902506, "stdev_value": 1.3271233, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 0.3676141, "max_value": 51.3360589, "mean_value": 18.4272936, "stdev_value": 7.1243256, "last_update": 1616241092, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 1.7963261, "max_value": 47.792486, "mean_value": 19.0718539, "stdev_value": 6.7528436, "last_update": 1616007483, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 0.9146587, "max_value": 51.3360589, "mean_value": 19.1210426, "stdev_value": 7.0417623, "last_update": 1616154706, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 11.6262816, "max_value": 24.3015248, "mean_value": 18.4168837, "stdev_value": 4.2622077, "last_update": 1616500424, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 4.3001112, "max_value": 40.9228708, "mean_value": 18.8972272, "stdev_value": 6.0253929, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 2.2934214, "max_value": 70.3352431, "mean_value": 34.3855799, "stdev_value": 8.476808, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 2.0884499, "max_value": 70.140707, "mean_value": 35.4909844, "stdev_value": 7.8969828, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 2.2934214, "max_value": 68.5840887, "mean_value": 35.1046636, "stdev_value": 8.1037033, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 18.9970264, "max_value": 42.5261079, "mean_value": 35.0052398, "stdev_value": 5.7553606, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 6.4579548, "max_value": 57.0937739, "mean_value": 35.4714159, "stdev_value": 7.3434655, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 3.0557482, "max_value": 36.2476824, "mean_value": 19.9541369, "stdev_value": 4.9516172, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 7.9802626, "max_value": 42.8863361, "mean_value": 20.2254142, "stdev_value": 6.1889431, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 5.9902866, "max_value": 43.8837817, "mean_value": 23.0843605, "stdev_value": 6.5553618, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 17.0467258, "max_value": 22.8115644, "mean_value": 18.8326134, "stdev_value": 1.2312283, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.9053012, "max_value": 37.0077473, "mean_value": 19.178317, "stdev_value": 4.8006323, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 11.1867709, "max_value": 61.8993147, "mean_value": 36.7345179, "stdev_value": 9.2806915, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 11.0761971, "max_value": 50.1518626, "mean_value": 29.281419, "stdev_value": 9.185019, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 7.9966395, "max_value": 54.8112662, "mean_value": 27.514771, "stdev_value": 8.1921072, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 33.2726652, "max_value": 40.479036, "mean_value": 37.8203111, "stdev_value": 1.4957627, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 13.437192, "max_value": 63.7519141, "mean_value": 38.3235224, "stdev_value": 9.1396805, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.2735616, "max_value": 12.6314113, "mean_value": 3.6008307, "stdev_value": 1.7063198, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 0.4237288, "max_value": 14.1479965, "mean_value": 5.3021103, "stdev_value": 2.7341949, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 0.4150869, "max_value": 11.8809397, "mean_value": 4.0443032, "stdev_value": 2.1586909, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 2.6523982, "max_value": 4.0135495, "mean_value": 3.3805788, "stdev_value": 0.2923063, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.3267974, "max_value": 12.1086957, "mean_value": 3.5080006, "stdev_value": 1.6328115, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 2.7109537, "max_value": 50.2444827, "mean_value": 14.9025578, "stdev_value": 6.7261158, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 7.9062073, "max_value": 49.6911843, "mean_value": 23.0971014, "stdev_value": 9.4944759, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 6.9498013, "max_value": 46.5284656, "mean_value": 22.0942652, "stdev_value": 8.5900262, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 14.0967887, "max_value": 21.0978669, "mean_value": 15.967478, "stdev_value": 1.2743591, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.5580279, "max_value": 37.4672423, "mean_value": 14.1538584, "stdev_value": 5.4456556, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 1.228782, "max_value": 38.2939901, "mean_value": 13.1621427, "stdev_value": 5.8027046, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 5.1511558, "max_value": 38.1739966, "mean_value": 19.0566856, "stdev_value": 7.2089264, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 4.4223221, "max_value": 39.6244108, "mean_value": 19.3188187, "stdev_value": 7.4262661, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 11.4276249, "max_value": 19.8289807, "mean_value": 14.0256832, "stdev_value": 1.5397895, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 1.3843993, "max_value": 32.1496148, "mean_value": 12.6574352, "stdev_value": 5.0061394, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 10.4578801, "max_value": 39.1301004, "mean_value": 21.0105746, "stdev_value": 4.5784687, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 11.2655108, "max_value": 39.2283632, "mean_value": 24.4545959, "stdev_value": 6.0673884, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 12.4687243, "max_value": 42.9938223, "mean_value": 24.419085, "stdev_value": 5.5618539, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 18.3950047, "max_value": 23.6094333, "mean_value": 20.5440867, "stdev_value": 1.1779469, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 9.5155687, "max_value": 35.3097486, "mean_value": 20.3540025, "stdev_value": 4.3407556, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.3496503, "max_value": 18.7391316, "mean_value": 6.5175328, "stdev_value": 2.9681061, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 0.3968254, "max_value": 18.4611355, "mean_value": 8.6334126, "stdev_value": 3.6225415, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 0.4672897, "max_value": 18.7159686, "mean_value": 7.731947, "stdev_value": 3.4332047, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 5.8476423, "max_value": 8.5740363, "mean_value": 6.9687148, "stdev_value": 0.6117469, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.3496503, "max_value": 17.3998852, "mean_value": 6.4339628, "stdev_value": 2.8856922, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 3.2512155, "max_value": 37.2665279, "mean_value": 14.1005203, "stdev_value": 4.8357845, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 6.5572472, "max_value": 37.1386858, "mean_value": 19.0536982, "stdev_value": 7.6494873, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 4.8470003, "max_value": 33.3515741, "mean_value": 17.8680872, "stdev_value": 5.5600066, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 12.8092676, "max_value": 16.1207283, "mean_value": 14.073123, "stdev_value": 0.581377, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.7491579, "max_value": 26.1327559, "mean_value": 13.3922934, "stdev_value": 3.9544068, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 2.4780953, "max_value": 47.0116745, "mean_value": 14.8058885, "stdev_value": 8.0032941, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 6.1613255, "max_value": 46.8444885, "mean_value": 24.4020283, "stdev_value": 11.4283726, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 3.0939421, "max_value": 45.0511922, "mean_value": 22.6819785, "stdev_value": 8.9627043, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 14.0882184, "max_value": 16.3623251, "mean_value": 15.0465363, "stdev_value": 0.5996496, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.3547242, "max_value": 37.4345037, "mean_value": 13.7771869, "stdev_value": 6.6984916, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.3521134, "max_value": 47.0511973, "mean_value": 12.0702587, "stdev_value": 9.866215, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 2.428791, "max_value": 46.9907192, "mean_value": 23.8838873, "stdev_value": 14.6436112, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 2.5404529, "max_value": 52.0782552, "mean_value": 21.3889238, "stdev_value": 11.1998854, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 11.0994666, "max_value": 13.1081802, "mean_value": 12.0185986, "stdev_value": 0.4101426, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.3521134, "max_value": 45.0926879, "mean_value": 10.7563046, "stdev_value": 8.3334736, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 4.529086, "max_value": 50.540819, "mean_value": 20.9694996, "stdev_value": 9.4620048, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 6.2176082, "max_value": 54.1104369, "mean_value": 26.1798343, "stdev_value": 11.3419667, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 5.6521795, "max_value": 52.660388, "mean_value": 30.013978, "stdev_value": 10.1944298, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 18.9235679, "max_value": 21.0356194, "mean_value": 19.9508936, "stdev_value": 0.5050056, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 5.2647188, "max_value": 50.4315379, "mean_value": 20.0380724, "stdev_value": 9.0519071, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.390625, "max_value": 31.9492096, "mean_value": 7.8092787, "stdev_value": 4.9283717, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 2.4477441, "max_value": 31.8611345, "mean_value": 14.0068442, "stdev_value": 7.6232104, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 0.436951, "max_value": 35.299099, "mean_value": 13.7987543, "stdev_value": 6.580221, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 7.0598013, "max_value": 8.8774326, "mean_value": 8.1040837, "stdev_value": 0.4049425, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.390625, "max_value": 23.8955847, "mean_value": 7.2306946, "stdev_value": 3.9042488, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 4.6931308, "max_value": 37.6143806, "mean_value": 19.1798116, "stdev_value": 6.0969677, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 4.58531, "max_value": 44.0332088, "mean_value": 22.2788326, "stdev_value": 8.4592721, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 4.8489897, "max_value": 46.5430952, "mean_value": 24.9350794, "stdev_value": 7.8934083, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 16.8396074, "max_value": 19.2260221, "mean_value": 17.8687456, "stdev_value": 0.5616362, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 4.3250788, "max_value": 38.2284319, "mean_value": 18.3520717, "stdev_value": 5.9829859, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20210319, "max_time": 20220216, "num_locations": 61, "min_value": 0.117647, "max_value": 28.2753529, "mean_value": 2.9988843, "stdev_value": 2.6672, "last_update": 1645451532, "max_issue": 20220221, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20210319, "max_time": 20220203, "num_locations": 59, "min_value": 0.1557632, "max_value": 22.5495241, "mean_value": 3.0735439, "stdev_value": 2.7099545, "last_update": 1644333677, "max_issue": 20220208, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20210319, "max_time": 20220212, "num_locations": 36, "min_value": 0.1706702, "max_value": 21.7683199, "mean_value": 2.764366, "stdev_value": 2.4859197, "last_update": 1645113276, "max_issue": 20220217, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20210319, "max_time": 20220218, "num_locations": 1, "min_value": 1.0612093, "max_value": 8.6280918, "mean_value": 2.5831262, "stdev_value": 1.8521182, "last_update": 1645624434, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20210319, "max_time": 20220216, "num_locations": 41, "min_value": 0.117647, "max_value": 31.1396883, "mean_value": 3.0390157, "stdev_value": 2.7965707, "last_update": 1645451668, "max_issue": 20220221, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 32.3631709, "max_value": 83.593709, "mean_value": 56.6732884, "stdev_value": 6.0503961, "last_update": 1616241092, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 37.7745162, "max_value": 83.9520084, "mean_value": 57.2549396, "stdev_value": 5.3051061, "last_update": 1616007483, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 32.3664033, "max_value": 83.593709, "mean_value": 57.2372895, "stdev_value": 5.8496833, "last_update": 1616154706, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 49.5642982, "max_value": 62.3377783, "mean_value": 57.0468354, "stdev_value": 3.6938224, "last_update": 1616500424, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 40.2458578, "max_value": 71.7285319, "mean_value": 57.0378721, "stdev_value": 4.4592075, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 34.9047575, "max_value": 89.0853989, "mean_value": 64.2569501, "stdev_value": 6.4550715, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 36.2791895, "max_value": 88.1728883, "mean_value": 64.973174, "stdev_value": 5.7661429, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 36.2735397, "max_value": 87.2787906, "mean_value": 64.7073857, "stdev_value": 6.074117, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 53.6683064, "max_value": 69.4763318, "mean_value": 64.3928201, "stdev_value": 3.9279933, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 37.9814935, "max_value": 79.8528081, "mean_value": 65.1526125, "stdev_value": 4.8227782, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 11.4219734, "max_value": 66.8810674, "mean_value": 36.8481763, "stdev_value": 7.6077021, "last_update": 1616241093, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 15.2777906, "max_value": 73.708705, "mean_value": 37.8060501, "stdev_value": 7.3123019, "last_update": 1616007484, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 12.8494288, "max_value": 74.9962, "mean_value": 37.7491217, "stdev_value": 7.3672668, "last_update": 1616154707, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 28.078896, "max_value": 45.9083997, "mean_value": 36.6718824, "stdev_value": 5.1925318, "last_update": 1616500424, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 20.5182852, "max_value": 65.4399817, "mean_value": 37.6938355, "stdev_value": 6.6487286, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 12.1115306, "max_value": 74.6898276, "mean_value": 44.8739983, "stdev_value": 7.5260073, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 14.7624462, "max_value": 77.201618, "mean_value": 46.0249884, "stdev_value": 7.1290718, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 12.1115306, "max_value": 73.6403445, "mean_value": 45.6331196, "stdev_value": 7.1447526, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 33.7822735, "max_value": 52.2408293, "mean_value": 44.8759535, "stdev_value": 4.3265467, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 20.7577586, "max_value": 66.1495664, "mean_value": 46.6903866, "stdev_value": 6.230148, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 802, "min_value": 0.3763116, "max_value": 63.3583378, "mean_value": 13.9328752, "stdev_value": 7.4547174, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220625, "num_locations": 306, "min_value": 0.3759398, "max_value": 56.8514457, "mean_value": 13.8810175, "stdev_value": 7.0420457, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 366, "min_value": 0.4910279, "max_value": 55.3470515, "mean_value": 13.5870645, "stdev_value": 7.0246739, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 7.4292251, "max_value": 32.4234431, "mean_value": 14.4200121, "stdev_value": 5.6985117, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 2.4975969, "max_value": 56.8603215, "mean_value": 14.2921669, "stdev_value": 6.9783886, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 225, "min_value": 0.3448276, "max_value": 59.5986145, "mean_value": 16.778296, "stdev_value": 9.799182, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200909, "max_time": 20220625, "num_locations": 225, "min_value": 0.3289474, "max_value": 65.2596539, "mean_value": 17.8414576, "stdev_value": 10.4887299, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 2, "max_lag": 90}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 138, "min_value": 0.3747481, "max_value": 62.8399023, "mean_value": 17.2123455, "stdev_value": 10.3243834, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 2, "max_lag": 91}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 4.866296, "max_value": 33.6232041, "mean_value": 14.4398464, "stdev_value": 6.7510709, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 0.3448276, "max_value": 56.2407392, "mean_value": 16.170171, "stdev_value": 9.1744281, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20210315, "num_locations": 1422, "min_value": 0.1025095, "max_value": 64.2806489, "mean_value": 10.0257477, "stdev_value": 7.3957277, "last_update": 1616241093, "max_issue": 20210320, "min_lag": 0, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20210311, "num_locations": 306, "min_value": 0.0947719, "max_value": 60.4068071, "mean_value": 9.6768065, "stdev_value": 6.2837987, "last_update": 1616007484, "max_issue": 20210317, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20210314, "num_locations": 381, "min_value": 0.1025095, "max_value": 59.3672059, "mean_value": 9.4746487, "stdev_value": 6.8946317, "last_update": 1616154707, "max_issue": 20210319, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20210318, "num_locations": 1, "min_value": 3.3773044, "max_value": 12.1462511, "mean_value": 8.7849591, "stdev_value": 2.2060552, "last_update": 1616500425, "max_issue": 20210323, "min_lag": 5, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20210315, "num_locations": 52, "min_value": 0.5082227, "max_value": 34.831101, "mean_value": 11.1475629, "stdev_value": 5.6036074, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 5, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220218, "num_locations": 660, "min_value": 0.290026, "max_value": 62.5827664, "mean_value": 14.6023051, "stdev_value": 7.7177183, "last_update": 1645624331, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220217, "num_locations": 306, "min_value": 0.3267974, "max_value": 54.4929375, "mean_value": 14.6547479, "stdev_value": 7.3109698, "last_update": 1645538059, "max_issue": 20220222, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220218, "num_locations": 347, "min_value": 0.290026, "max_value": 58.571549, "mean_value": 13.9827795, "stdev_value": 7.4833647, "last_update": 1645624422, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220220, "num_locations": 1, "min_value": 9.1274506, "max_value": 17.4480578, "mean_value": 13.661823, "stdev_value": 2.0919633, "last_update": 1645797208, "max_issue": 20220225, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220218, "num_locations": 51, "min_value": 2.2033812, "max_value": 44.9972394, "mean_value": 16.9371366, "stdev_value": 6.749975, "last_update": 1645624451, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 350, "min_value": 22.6495979, "max_value": 85.4382659, "mean_value": 55.5010384, "stdev_value": 8.2242305, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 20.6855613, "max_value": 82.9676586, "mean_value": 52.5705567, "stdev_value": 7.9609733, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 24.2655111, "max_value": 81.1954238, "mean_value": 54.3750319, "stdev_value": 7.5021275, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 47.3425245, "max_value": 57.6821686, "mean_value": 52.948235, "stdev_value": 3.4004495, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 27.744328, "max_value": 85.4382659, "mean_value": 52.4494803, "stdev_value": 6.7902807, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 349, "min_value": 36.8559842, "max_value": 90.8331209, "mean_value": 67.6003166, "stdev_value": 6.8932108, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 36.2539364, "max_value": 89.5014574, "mean_value": 65.1365806, "stdev_value": 6.6182919, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 37.6877346, "max_value": 89.9602271, "mean_value": 66.8492483, "stdev_value": 6.222334, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 62.2506491, "max_value": 68.8010739, "mean_value": 65.42416, "stdev_value": 1.6821282, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 37.9991137, "max_value": 87.6406193, "mean_value": 65.1384811, "stdev_value": 5.1848908, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 348, "min_value": 30.9067951, "max_value": 91.508129, "mean_value": 61.7021582, "stdev_value": 8.8957006, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 287, "min_value": 23.9494261, "max_value": 86.6846909, "mean_value": 58.1129887, "stdev_value": 8.742203, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 212, "min_value": 27.9714933, "max_value": 91.508129, "mean_value": 60.3315044, "stdev_value": 8.0117511, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 55.187706, "max_value": 62.9952121, "mean_value": 58.7259869, "stdev_value": 2.2616361, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 32.4180554, "max_value": 87.9142544, "mean_value": 58.0295043, "stdev_value": 7.3783931, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 345, "min_value": 4.9057594, "max_value": 43.4105187, "mean_value": 18.0295893, "stdev_value": 3.8402219, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 287, "min_value": 4.6162291, "max_value": 44.3604732, "mean_value": 18.2844786, "stdev_value": 3.7423117, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 211, "min_value": 4.6372256, "max_value": 42.2619661, "mean_value": 17.8326197, "stdev_value": 3.6915923, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 16.6245613, "max_value": 19.6764956, "mean_value": 18.2025438, "stdev_value": 0.6308334, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 6.0138198, "max_value": 35.7792439, "mean_value": 18.1203862, "stdev_value": 2.3954019, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 348, "min_value": 8.6647269, "max_value": 68.3620411, "mean_value": 33.6942824, "stdev_value": 7.3276318, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 8.9231854, "max_value": 61.333348, "mean_value": 31.2956907, "stdev_value": 6.9490175, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 11.0023076, "max_value": 59.2091526, "mean_value": 32.4187831, "stdev_value": 6.5352786, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 28.3081996, "max_value": 35.4196602, "mean_value": 31.6259908, "stdev_value": 1.9119801, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.7605196, "max_value": 68.3620411, "mean_value": 31.0462511, "stdev_value": 5.7161089, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 345, "min_value": 0.6957297, "max_value": 33.9004175, "mean_value": 9.721735, "stdev_value": 3.87921, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 287, "min_value": 0.3424658, "max_value": 29.6115975, "mean_value": 8.7672862, "stdev_value": 3.493312, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 212, "min_value": 0.406509, "max_value": 36.5541155, "mean_value": 9.0514644, "stdev_value": 3.2005543, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.7205923, "max_value": 11.5555948, "mean_value": 9.0302323, "stdev_value": 0.8442416, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.9296127, "max_value": 28.9925589, "mean_value": 8.4776046, "stdev_value": 2.6005524, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 345, "min_value": 0.1285179, "max_value": 25.133828, "mean_value": 3.4229071, "stdev_value": 2.1220533, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 0.1213592, "max_value": 22.941208, "mean_value": 3.1654847, "stdev_value": 1.9189255, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 211, "min_value": 0.1471368, "max_value": 23.2360265, "mean_value": 3.1751285, "stdev_value": 1.7801704, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 2.6281955, "max_value": 3.8097965, "mean_value": 3.1340104, "stdev_value": 0.2087369, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.1285179, "max_value": 9.812652, "mean_value": 2.7736422, "stdev_value": 1.1163698, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 343, "min_value": 0.4634844, "max_value": 51.146941, "mean_value": 9.318464, "stdev_value": 3.6718639, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 286, "min_value": 0.4854369, "max_value": 48.6295919, "mean_value": 9.6086689, "stdev_value": 3.5613675, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 210, "min_value": 0.6917332, "max_value": 51.146941, "mean_value": 9.4456445, "stdev_value": 3.720163, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 8.7001281, "max_value": 10.4743297, "mean_value": 9.413867, "stdev_value": 0.2989216, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.9474511, "max_value": 29.524042, "mean_value": 9.4118683, "stdev_value": 2.9326646, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220625, "num_locations": 43, "min_value": 0.3649457, "max_value": 27.517894, "mean_value": 7.3383687, "stdev_value": 3.2996912, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "hrr", "min_time": 20210606, "max_time": 20220224, "num_locations": 36, "min_value": 1.0980222, "max_value": 28.695644, "mean_value": 9.941667, "stdev_value": 4.0224087, "last_update": 1646148996, "max_issue": 20220301, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220524, "num_locations": 20, "min_value": 1.3943083, "max_value": 29.8587031, "mean_value": 10.4297743, "stdev_value": 3.9962442, "last_update": 1653828843, "max_issue": 20220529, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220625, "num_locations": 1, "min_value": 2.4922653, "max_value": 11.0669965, "mean_value": 6.5239976, "stdev_value": 2.5614274, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220625, "num_locations": 39, "min_value": 0.3649457, "max_value": 27.8956431, "mean_value": 7.2276934, "stdev_value": 3.4294288, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 82, "min_value": 37.6257246, "max_value": 95.1287381, "mean_value": 67.246269, "stdev_value": 9.7320306, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220625, "num_locations": 112, "min_value": 37.5216189, "max_value": 96.9068412, "mean_value": 70.5590915, "stdev_value": 9.9435586, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 67, "min_value": 43.2492541, "max_value": 96.2256746, "mean_value": 73.5593107, "stdev_value": 8.5925447, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 62.5229926, "max_value": 71.6485286, "mean_value": 65.9552078, "stdev_value": 2.6092141, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 44, "min_value": 38.3963014, "max_value": 87.3220823, "mean_value": 64.287366, "stdev_value": 9.3009684, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20211224, "num_locations": 170, "min_value": 35.0426347, "max_value": 98.4057634, "mean_value": 72.6015575, "stdev_value": 10.1298274, "last_update": 1643835139, "max_issue": 20220202, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20211223, "num_locations": 207, "min_value": 34.2052529, "max_value": 98.3285548, "mean_value": 70.1119193, "stdev_value": 10.7300619, "last_update": 1643835209, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20211224, "num_locations": 121, "min_value": 39.7892496, "max_value": 95.4593873, "mean_value": 73.3538732, "stdev_value": 8.6301775, "last_update": 1643835263, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20211225, "num_locations": 1, "min_value": 60.5121525, "max_value": 73.6457036, "mean_value": 69.6122622, "stdev_value": 2.7523783, "last_update": 1643835284, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20211224, "num_locations": 50, "min_value": 33.5273513, "max_value": 91.3586063, "mean_value": 66.9824793, "stdev_value": 8.4881129, "last_update": 1643835305, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 46.133045, "max_value": 96.835666, "mean_value": 75.359958, "stdev_value": 7.585892, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 43.6384856, "max_value": 96.5360784, "mean_value": 73.405462, "stdev_value": 7.623695, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 44.891811, "max_value": 95.9264046, "mean_value": 73.813278, "stdev_value": 7.5274635, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 71.2777479, "max_value": 74.6998229, "mean_value": 73.6999915, "stdev_value": 0.8236061, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 51.5140127, "max_value": 94.8246402, "mean_value": 73.6568817, "stdev_value": 6.7960911, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 29.2747741, "max_value": 79.7939582, "mean_value": 50.1548802, "stdev_value": 6.6397371, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 25.049317, "max_value": 76.9790073, "mean_value": 50.6172602, "stdev_value": 7.492241, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 31.1139235, "max_value": 73.6478834, "mean_value": 51.6267811, "stdev_value": 6.9772261, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 45.9806262, "max_value": 56.9886779, "mean_value": 50.2928295, "stdev_value": 2.8114233, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 30.3827164, "max_value": 72.126006, "mean_value": 49.128634, "stdev_value": 5.4941582, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 3.2865244, "max_value": 36.8006659, "mean_value": 20.418173, "stdev_value": 4.2194252, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 6.2206474, "max_value": 45.7196734, "mean_value": 19.8356633, "stdev_value": 5.2606611, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 6.0459919, "max_value": 37.7119037, "mean_value": 19.0477152, "stdev_value": 4.7363173, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 17.4030734, "max_value": 22.4568511, "mean_value": 20.2766155, "stdev_value": 1.1939182, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 8.6868137, "max_value": 35.9098266, "mean_value": 20.9479709, "stdev_value": 3.6474657, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 8.8186225, "max_value": 49.853294, "mean_value": 24.7455808, "stdev_value": 5.407431, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 8.0850205, "max_value": 51.3225204, "mean_value": 24.7935443, "stdev_value": 6.3893824, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 8.3866882, "max_value": 46.7955311, "mean_value": 25.4305273, "stdev_value": 6.1391777, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 21.2551081, "max_value": 31.2160819, "mean_value": 24.7052226, "stdev_value": 2.6905232, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 10.8113603, "max_value": 44.4751591, "mean_value": 23.7726845, "stdev_value": 4.5627642, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 20.2060418, "max_value": 70.7252259, "mean_value": 49.8451198, "stdev_value": 6.6397371, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 23.0209927, "max_value": 74.950683, "mean_value": 49.3827398, "stdev_value": 7.492241, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 26.3521166, "max_value": 68.8860765, "mean_value": 48.3732189, "stdev_value": 6.9772261, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 43.0113221, "max_value": 54.0193738, "mean_value": 49.7071705, "stdev_value": 2.8114233, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 27.873994, "max_value": 69.6172836, "mean_value": 50.871366, "stdev_value": 5.4941582, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 9.8665988, "max_value": 46.595266, "mean_value": 29.4269467, "stdev_value": 4.6042106, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 11.628747, "max_value": 56.1431652, "mean_value": 29.5470765, "stdev_value": 5.9081981, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 11.2907557, "max_value": 53.2928713, "mean_value": 29.3255037, "stdev_value": 5.4640157, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 25.5488055, "max_value": 32.2167816, "mean_value": 29.4305551, "stdev_value": 1.7496284, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 13.9552477, "max_value": 47.8379066, "mean_value": 29.9233952, "stdev_value": 4.2468371, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 11.4367827, "max_value": 42.6003795, "mean_value": 25.4092995, "stdev_value": 3.9221453, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 6.9382613, "max_value": 46.5065602, "mean_value": 25.8237158, "stdev_value": 5.1884215, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 12.0615833, "max_value": 47.2634639, "mean_value": 26.1962538, "stdev_value": 4.8434358, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 24.4751691, "max_value": 26.5156026, "mean_value": 25.5876069, "stdev_value": 0.4498236, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 11.532786, "max_value": 43.9133009, "mean_value": 25.3559495, "stdev_value": 3.6500812, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 3.0120474, "max_value": 53.6224405, "mean_value": 24.0267817, "stdev_value": 7.5202091, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 2.7297017, "max_value": 56.1234192, "mean_value": 25.9755761, "stdev_value": 7.5217103, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 3.6818883, "max_value": 53.1638971, "mean_value": 25.5700454, "stdev_value": 7.4396881, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 24.811472, "max_value": 28.1608077, "mean_value": 25.7613341, "stdev_value": 0.8321316, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 5.035695, "max_value": 48.1681191, "mean_value": 25.8220567, "stdev_value": 6.7232808, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 31.381418, "max_value": 92.8119093, "mean_value": 62.4012237, "stdev_value": 9.2879995, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 33.0340812, "max_value": 93.3311848, "mean_value": 60.7965684, "stdev_value": 9.144306, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 28.3789418, "max_value": 93.3929656, "mean_value": 61.2316967, "stdev_value": 9.2055451, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 53.1616307, "max_value": 70.0563215, "mean_value": 61.5406393, "stdev_value": 6.0402684, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 39.959379, "max_value": 88.6524077, "mean_value": 61.3624476, "stdev_value": 8.2807859, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 0.1142348, "max_value": 43.5541358, "mean_value": 12.9587343, "stdev_value": 8.0412406, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 0.1136364, "max_value": 43.7144432, "mean_value": 12.6088936, "stdev_value": 7.9672583, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 0.1095436, "max_value": 43.0383685, "mean_value": 12.5815814, "stdev_value": 7.8687626, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 2.5678236, "max_value": 21.1256296, "mean_value": 12.1593521, "stdev_value": 6.7502001, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 0.2568801, "max_value": 32.2306269, "mean_value": 12.2944342, "stdev_value": 7.4334297, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.1396784, "max_value": 20.1792529, "mean_value": 3.2208297, "stdev_value": 1.9897014, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1077586, "max_value": 19.7726197, "mean_value": 2.7732248, "stdev_value": 1.6623896, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1276449, "max_value": 20.1792529, "mean_value": 2.8517195, "stdev_value": 1.7484735, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.8171479, "max_value": 5.7755266, "mean_value": 3.0857526, "stdev_value": 0.3527399, "last_update": 1645710827, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1396784, "max_value": 14.0049506, "mean_value": 2.839473, "stdev_value": 1.329525, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 501, "min_value": 0.1368611, "max_value": 20.8164467, "mean_value": 3.1209518, "stdev_value": 1.9730592, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1094092, "max_value": 19.8981142, "mean_value": 2.6727632, "stdev_value": 1.6457543, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 282, "min_value": 0.1292935, "max_value": 20.8164467, "mean_value": 2.7487646, "stdev_value": 1.7233356, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.6927536, "max_value": 5.7570677, "mean_value": 2.9773038, "stdev_value": 0.3662107, "last_update": 1645710827, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1420593, "max_value": 13.3877001, "mean_value": 2.7151875, "stdev_value": 1.3102868, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.4449069, "max_value": 20.606332, "mean_value": 8.78652, "stdev_value": 3.1686828, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 4.9941541, "max_value": 13.2906121, "mean_value": 9.1452968, "stdev_value": 1.5517786, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.6741467, "max_value": 29.632304, "mean_value": 9.12969, "stdev_value": 3.8835692, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0629662, "max_value": 32.3603468, "mean_value": 2.4659103, "stdev_value": 1.7102453, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0538213, "max_value": 25.7268723, "mean_value": 2.2578277, "stdev_value": 1.483084, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0909755, "max_value": 32.3603468, "mean_value": 2.3221899, "stdev_value": 1.5851299, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.7255233, "max_value": 3.8938781, "mean_value": 2.3404011, "stdev_value": 0.7122971, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1303795, "max_value": 14.7215464, "mean_value": 2.2522092, "stdev_value": 1.1518998, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.063461, "max_value": 32.3883137, "mean_value": 2.3619416, "stdev_value": 1.7391972, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0542888, "max_value": 25.9389366, "mean_value": 2.1277943, "stdev_value": 1.5165581, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0865529, "max_value": 32.3883137, "mean_value": 2.2009056, "stdev_value": 1.6100801, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.4923208, "max_value": 3.7645724, "mean_value": 2.2477716, "stdev_value": 0.7978303, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1216544, "max_value": 15.0111974, "mean_value": 2.1501842, "stdev_value": 1.232602, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.0712595, "max_value": 24.3542163, "mean_value": 13.1386287, "stdev_value": 3.951907, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 8.2144079, "max_value": 16.0048402, "mean_value": 11.69826, "stdev_value": 1.9002614, "last_update": 1632499449, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 7.0689796, "max_value": 17.8766616, "mean_value": 13.4631415, "stdev_value": 2.0410688, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.9790366, "max_value": 30.2193085, "mean_value": 14.5314706, "stdev_value": 4.8962466, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0465116, "max_value": 16.9323439, "mean_value": 0.8958716, "stdev_value": 0.7672054, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0316456, "max_value": 14.4194686, "mean_value": 0.8440471, "stdev_value": 0.7132917, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0236636, "max_value": 13.7535555, "mean_value": 0.8882412, "stdev_value": 0.7634993, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.5569101, "max_value": 1.1986484, "mean_value": 0.681571, "stdev_value": 0.076277, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0457952, "max_value": 6.0295964, "mean_value": 0.7440923, "stdev_value": 0.4194647, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.04455, "max_value": 14.5753526, "mean_value": 0.8392822, "stdev_value": 0.726589, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0320307, "max_value": 14.5170739, "mean_value": 0.7777809, "stdev_value": 0.6713019, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0240045, "max_value": 13.9840064, "mean_value": 0.8271551, "stdev_value": 0.7184784, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.4827674, "max_value": 1.1949633, "mean_value": 0.6212798, "stdev_value": 0.091243, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0362533, "max_value": 6.0753603, "mean_value": 0.6838535, "stdev_value": 0.4166271, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 11.4703324, "mean_value": 4.3712154, "stdev_value": 2.074303, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.9789895, "max_value": 7.5745508, "mean_value": 3.9710005, "stdev_value": 1.540267, "last_update": 1632499450, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 2.2513431, "max_value": 7.3157003, "mean_value": 4.4170842, "stdev_value": 0.8420327, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 12.7821809, "mean_value": 4.5165148, "stdev_value": 2.2910833, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0178514, "max_value": 19.7485214, "mean_value": 0.552355, "stdev_value": 0.6206412, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0183352, "max_value": 25.8187009, "mean_value": 0.508366, "stdev_value": 0.6297092, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0180863, "max_value": 16.4950985, "mean_value": 0.5321216, "stdev_value": 0.5950901, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.208607, "max_value": 0.627881, "mean_value": 0.3342486, "stdev_value": 0.0579294, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0147893, "max_value": 6.5213812, "mean_value": 0.3833704, "stdev_value": 0.3193122, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0181605, "max_value": 19.8383486, "mean_value": 0.5020033, "stdev_value": 0.570843, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0186916, "max_value": 25.9753461, "mean_value": 0.4484964, "stdev_value": 0.5708816, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0183419, "max_value": 17.0910092, "mean_value": 0.4819804, "stdev_value": 0.5479063, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.1559025, "max_value": 0.5295183, "mean_value": 0.2764832, "stdev_value": 0.0603942, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.013113, "max_value": 6.6762876, "mean_value": 0.3273424, "stdev_value": 0.2881539, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 11.85878, "mean_value": 3.9414083, "stdev_value": 1.9582121, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.7847433, "max_value": 10.4011447, "mean_value": 5.6250518, "stdev_value": 2.2718469, "last_update": 1632499451, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 2.2265093, "max_value": 7.8427578, "mean_value": 4.6477354, "stdev_value": 1.1517088, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 15.3193387, "mean_value": 4.2963447, "stdev_value": 2.4301741, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1179131, "max_value": 36.734027, "mean_value": 3.680584, "stdev_value": 1.9972151, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1052632, "max_value": 28.8843355, "mean_value": 3.3785227, "stdev_value": 1.7028477, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1766665, "max_value": 36.734027, "mean_value": 3.5048235, "stdev_value": 1.8529995, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.7080648, "max_value": 4.9855649, "mean_value": 3.4403874, "stdev_value": 0.6007298, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.2830729, "max_value": 13.6930825, "mean_value": 3.3960105, "stdev_value": 1.3698381, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1169665, "max_value": 36.7657801, "mean_value": 3.388176, "stdev_value": 1.8522789, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1066098, "max_value": 29.1224822, "mean_value": 3.0686816, "stdev_value": 1.5477744, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1767617, "max_value": 36.7657801, "mean_value": 3.2230389, "stdev_value": 1.7212773, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.6252236, "max_value": 3.8407397, "mean_value": 3.1243032, "stdev_value": 0.323394, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.2851942, "max_value": 13.9163968, "mean_value": 3.0873031, "stdev_value": 1.2312581, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.9794867, "max_value": 14.6336833, "mean_value": 6.0873354, "stdev_value": 2.4042569, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.1288761, "max_value": 9.5668263, "mean_value": 4.8873471, "stdev_value": 1.9469161, "last_update": 1632499452, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 3.8528302, "max_value": 10.2859277, "mean_value": 6.2790968, "stdev_value": 1.0264956, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.8811381, "max_value": 20.3812088, "mean_value": 6.087005, "stdev_value": 2.63267, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0166008, "max_value": 14.1221281, "mean_value": 0.48836, "stdev_value": 0.5644643, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0268528, "max_value": 15.4342835, "mean_value": 0.4296572, "stdev_value": 0.5289111, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0179064, "max_value": 8.3301187, "mean_value": 0.4473213, "stdev_value": 0.5027188, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.0814332, "max_value": 0.3922631, "mean_value": 0.2814056, "stdev_value": 0.035964, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0127584, "max_value": 5.6164889, "mean_value": 0.3165568, "stdev_value": 0.2941396, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.016884, "max_value": 14.288714, "mean_value": 0.447745, "stdev_value": 0.5125596, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0224618, "max_value": 15.6334649, "mean_value": 0.3850871, "stdev_value": 0.479867, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0181005, "max_value": 8.3301187, "mean_value": 0.4122168, "stdev_value": 0.4589429, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.0830565, "max_value": 0.3097386, "mean_value": 0.2348977, "stdev_value": 0.0300744, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0081486, "max_value": 5.7494798, "mean_value": 0.2736717, "stdev_value": 0.2636157, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 10.1171665, "mean_value": 2.7659787, "stdev_value": 1.7109574, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.4195391, "max_value": 9.5537927, "mean_value": 3.8309058, "stdev_value": 2.9792101, "last_update": 1632499452, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 1.6485532, "max_value": 5.7059461, "mean_value": 3.0869858, "stdev_value": 0.833593, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 13.2329343, "mean_value": 3.0611519, "stdev_value": 2.1534714, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1180216, "max_value": 30.4617835, "mean_value": 7.7823644, "stdev_value": 4.2953279, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1265823, "max_value": 27.0014216, "mean_value": 6.7779549, "stdev_value": 3.7588294, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1992383, "max_value": 27.803462, "mean_value": 6.8719989, "stdev_value": 3.7469057, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 5.4068966, "max_value": 11.0512806, "mean_value": 7.5118035, "stdev_value": 1.1412012, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0926338, "max_value": 23.4366526, "mean_value": 6.5761302, "stdev_value": 3.2298488, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1194311, "max_value": 28.9687713, "mean_value": 7.2995005, "stdev_value": 4.0981119, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1282051, "max_value": 27.4952787, "mean_value": 6.2647274, "stdev_value": 3.5634585, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.2016488, "max_value": 28.0281367, "mean_value": 6.4122329, "stdev_value": 3.5884694, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 5.333192, "max_value": 10.8809501, "mean_value": 7.0258806, "stdev_value": 0.8894436, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0935, "max_value": 21.6095508, "mean_value": 6.1558694, "stdev_value": 3.1155155, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.5492191, "max_value": 21.5293493, "mean_value": 11.1662291, "stdev_value": 3.4893272, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 5.2613486, "max_value": 19.9971561, "mean_value": 10.824622, "stdev_value": 4.581742, "last_update": 1632499453, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 7.8697296, "max_value": 15.3448766, "mean_value": 11.2229496, "stdev_value": 1.6463375, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 3.1106437, "max_value": 28.8098237, "mean_value": 11.9527517, "stdev_value": 4.38488, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 58.1900273, "max_value": 99.1115499, "mean_value": 84.1196329, "stdev_value": 5.2995871, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 62.0709269, "max_value": 98.3000667, "mean_value": 85.2533436, "stdev_value": 4.651193, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 58.2960207, "max_value": 98.9508306, "mean_value": 85.0447531, "stdev_value": 4.8248596, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 80.6380315, "max_value": 87.2818256, "mean_value": 84.2852898, "stdev_value": 1.7237881, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 59.9273287, "max_value": 95.5805596, "mean_value": 85.2030635, "stdev_value": 4.0804081, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 58.2599651, "max_value": 99.105911, "mean_value": 85.0895248, "stdev_value": 5.207385, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 61.7580657, "max_value": 99.0300959, "mean_value": 86.3131332, "stdev_value": 4.5536799, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 57.9579139, "max_value": 98.9335049, "mean_value": 86.0281824, "stdev_value": 4.747257, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 81.2969291, "max_value": 87.7833111, "mean_value": 85.2995759, "stdev_value": 1.543291, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 60.1125833, "max_value": 95.6654001, "mean_value": 86.1269607, "stdev_value": 4.0745326, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 31.4636821, "max_value": 72.3230179, "mean_value": 52.9248939, "stdev_value": 7.7946501, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 44.2596509, "max_value": 63.9060506, "mean_value": 56.2247273, "stdev_value": 4.8382391, "last_update": 1632499454, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 37.2301432, "max_value": 58.5303261, "mean_value": 50.3685058, "stdev_value": 5.0069772, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 25.9870695, "max_value": 71.1050487, "mean_value": 49.9754208, "stdev_value": 8.3323105, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.113486, "max_value": 12.4156906, "mean_value": 1.6614467, "stdev_value": 1.1101406, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.0948767, "max_value": 9.69687, "mean_value": 1.6032582, "stdev_value": 0.9613608, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1220974, "max_value": 10.2453058, "mean_value": 1.6104175, "stdev_value": 1.0271235, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 0.9538453, "max_value": 1.5546633, "mean_value": 1.3896133, "stdev_value": 0.1318108, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1141552, "max_value": 6.636503, "mean_value": 1.499199, "stdev_value": 0.6212161, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 501, "min_value": 0.0840192, "max_value": 12.5278755, "mean_value": 1.4556733, "stdev_value": 1.0295742, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.095057, "max_value": 9.8759666, "mean_value": 1.3707941, "stdev_value": 0.8678686, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 282, "min_value": 0.1161852, "max_value": 10.2453058, "mean_value": 1.403661, "stdev_value": 0.9381774, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 0.8288386, "max_value": 1.3232145, "mean_value": 1.1703247, "stdev_value": 0.1181226, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1152073, "max_value": 6.5025476, "mean_value": 1.2743002, "stdev_value": 0.5620165, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 6.0292096, "max_value": 24.952229, "mean_value": 16.8560853, "stdev_value": 3.4604898, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 13.0313014, "max_value": 19.6817691, "mean_value": 16.4781955, "stdev_value": 1.4645559, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 6.3213086, "max_value": 37.4280114, "mean_value": 17.0079621, "stdev_value": 4.3536796, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1072486, "max_value": 22.9148491, "mean_value": 3.558064, "stdev_value": 2.0614736, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1298701, "max_value": 21.5769561, "mean_value": 3.1599653, "stdev_value": 1.7375423, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1037807, "max_value": 22.3264893, "mean_value": 3.2815771, "stdev_value": 1.8614416, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.5214206, "max_value": 4.8847907, "mean_value": 3.311893, "stdev_value": 0.4208553, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1237103, "max_value": 15.6519025, "mean_value": 3.1490344, "stdev_value": 1.6738743, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1081603, "max_value": 22.9148491, "mean_value": 3.3604363, "stdev_value": 1.9725813, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.106383, "max_value": 20.9804361, "mean_value": 2.9407677, "stdev_value": 1.6306451, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1046381, "max_value": 21.2039509, "mean_value": 3.0774387, "stdev_value": 1.7616195, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.4851035, "max_value": 4.9908085, "mean_value": 3.097251, "stdev_value": 0.2913041, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1246875, "max_value": 15.337213, "mean_value": 2.9524628, "stdev_value": 1.6004697, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 13.4059592, "mean_value": 5.4132356, "stdev_value": 2.2019667, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.0059388, "max_value": 11.8416055, "mean_value": 5.4821223, "stdev_value": 3.2060638, "last_update": 1632499455, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 3.5481038, "max_value": 8.9441607, "mean_value": 5.7013651, "stdev_value": 0.9995655, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 21.3070717, "mean_value": 5.7461428, "stdev_value": 2.911902, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0477879, "max_value": 17.6377607, "mean_value": 1.2491824, "stdev_value": 0.9470716, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.045045, "max_value": 17.4447836, "mean_value": 1.2012575, "stdev_value": 0.8452909, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0388536, "max_value": 17.6377607, "mean_value": 1.2093308, "stdev_value": 0.9282151, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.8213842, "max_value": 1.339715, "mean_value": 1.0584523, "stdev_value": 0.1093179, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0619246, "max_value": 5.9556706, "mean_value": 1.0314515, "stdev_value": 0.5015311, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0486715, "max_value": 17.9540982, "mean_value": 1.1636887, "stdev_value": 0.8903164, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0454133, "max_value": 17.4447836, "mean_value": 1.1002035, "stdev_value": 0.7759272, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0392501, "max_value": 17.9540982, "mean_value": 1.1198409, "stdev_value": 0.850173, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.7592613, "max_value": 1.1080717, "mean_value": 0.9602353, "stdev_value": 0.0679064, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0626226, "max_value": 10.0144526, "mean_value": 0.9455537, "stdev_value": 0.4926336, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3731343, "max_value": 12.0238043, "mean_value": 4.3953847, "stdev_value": 2.1536625, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.851232, "max_value": 6.9367688, "mean_value": 3.8248681, "stdev_value": 1.7610818, "last_update": 1632499456, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 2.6975824, "max_value": 8.4094796, "mean_value": 4.6305438, "stdev_value": 0.9826877, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3731343, "max_value": 15.1334117, "mean_value": 4.5631346, "stdev_value": 2.5431096, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0991676, "max_value": 30.9675879, "mean_value": 2.9507475, "stdev_value": 1.8485465, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.093985, "max_value": 24.6437818, "mean_value": 2.8716061, "stdev_value": 1.6502292, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0951704, "max_value": 30.9675879, "mean_value": 2.9501882, "stdev_value": 1.7989767, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.3556323, "max_value": 3.4382276, "mean_value": 2.7633975, "stdev_value": 0.3022799, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1269036, "max_value": 13.0704249, "mean_value": 2.8292041, "stdev_value": 1.0178349, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1003619, "max_value": 30.994349, "mean_value": 2.8128375, "stdev_value": 1.8262933, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0886525, "max_value": 24.8468992, "mean_value": 2.7079925, "stdev_value": 1.6065441, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0960848, "max_value": 30.994349, "mean_value": 2.7883448, "stdev_value": 1.7730117, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.0900023, "max_value": 3.2391182, "mean_value": 2.6142512, "stdev_value": 0.3387849, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.2538071, "max_value": 12.7798049, "mean_value": 2.7033401, "stdev_value": 1.018265, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.171875, "max_value": 30.4075997, "mean_value": 12.5559906, "stdev_value": 4.7076793, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 8.9874442, "max_value": 19.7299559, "mean_value": 15.1522386, "stdev_value": 2.90482, "last_update": 1632499456, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 8.4312744, "max_value": 19.1578448, "mean_value": 13.9313453, "stdev_value": 2.0509032, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4355655, "max_value": 34.4390108, "mean_value": 14.5271465, "stdev_value": 5.7752494, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0749627, "max_value": 20.8719471, "mean_value": 2.2206738, "stdev_value": 1.4638687, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0844595, "max_value": 19.0381549, "mean_value": 2.055175, "stdev_value": 1.2105601, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0655099, "max_value": 17.0136472, "mean_value": 2.0856491, "stdev_value": 1.3434165, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.7542765, "max_value": 4.2060654, "mean_value": 2.0436472, "stdev_value": 0.2057013, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1022495, "max_value": 9.7410147, "mean_value": 2.0283035, "stdev_value": 0.8868105, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0765698, "max_value": 20.9755137, "mean_value": 2.0595642, "stdev_value": 1.4114455, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0853242, "max_value": 19.1590205, "mean_value": 1.8796239, "stdev_value": 1.1589818, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0661186, "max_value": 17.1632098, "mean_value": 1.9196039, "stdev_value": 1.2850808, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.6181271, "max_value": 4.1535164, "mean_value": 1.8737667, "stdev_value": 0.214524, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1030928, "max_value": 9.5147979, "mean_value": 1.8653682, "stdev_value": 0.8785239, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.25, "max_value": 20.481298, "mean_value": 9.1639887, "stdev_value": 3.0490234, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 3.0254272, "max_value": 8.3622507, "mean_value": 5.8326193, "stdev_value": 1.6075166, "last_update": 1632499457, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 7.5212347, "max_value": 15.0523503, "mean_value": 10.538515, "stdev_value": 1.468872, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.2578384, "max_value": 28.2001407, "mean_value": 9.6946856, "stdev_value": 3.7688977, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.089973, "max_value": 22.8226599, "mean_value": 1.8518724, "stdev_value": 1.2586464, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0974659, "max_value": 23.25949, "mean_value": 1.8066409, "stdev_value": 1.1422891, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0976035, "max_value": 19.4765318, "mean_value": 1.8237791, "stdev_value": 1.1861249, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.3807111, "max_value": 1.9524981, "mean_value": 1.65603, "stdev_value": 0.1137103, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0981016, "max_value": 10.144897, "mean_value": 1.7111244, "stdev_value": 0.666204, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0846733, "max_value": 23.028273, "mean_value": 1.7019096, "stdev_value": 1.1985041, "last_update": 1645624337, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0658762, "max_value": 18.1052542, "mean_value": 1.630067, "stdev_value": 1.0558063, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0751463, "max_value": 16.7335832, "mean_value": 1.6675098, "stdev_value": 1.1163487, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.2701539, "max_value": 1.82993, "mean_value": 1.4934292, "stdev_value": 0.128217, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1259586, "max_value": 10.530222, "mean_value": 1.5518898, "stdev_value": 0.622784, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.6055948, "max_value": 21.1382744, "mean_value": 9.7127907, "stdev_value": 3.2510452, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.4199891, "max_value": 16.9927528, "mean_value": 10.3384439, "stdev_value": 3.9172498, "last_update": 1632499458, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 5.9632761, "max_value": 12.7576168, "mean_value": 10.0129611, "stdev_value": 1.5420296, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.7923026, "max_value": 27.7089968, "mean_value": 10.1308403, "stdev_value": 3.8558502, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 499, "min_value": 7.259706, "max_value": 77.1595724, "mean_value": 48.7477301, "stdev_value": 12.2246617, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 300, "min_value": 6.9815096, "max_value": 73.8261871, "mean_value": 44.1329531, "stdev_value": 12.1363912, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 279, "min_value": 11.7272878, "max_value": 73.2846346, "mean_value": 46.9713879, "stdev_value": 11.0955423, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 16.4374349, "max_value": 56.2706848, "mean_value": 33.4230306, "stdev_value": 13.5851071, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 51, "min_value": 7.0363341, "max_value": 73.9381449, "mean_value": 38.7759956, "stdev_value": 13.5895154, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 750, "min_value": 3.5068034, "max_value": 63.4115063, "mean_value": 31.4894873, "stdev_value": 6.8034879, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 2.879003, "max_value": 54.4114958, "mean_value": 29.4915749, "stdev_value": 7.2016915, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 361, "min_value": 4.6345847, "max_value": 63.4115063, "mean_value": 30.7559854, "stdev_value": 6.4693782, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 7.9797726, "max_value": 36.1559722, "mean_value": 23.8103279, "stdev_value": 8.8420382, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 2.8529035, "max_value": 45.6453223, "mean_value": 26.6919836, "stdev_value": 7.9727138, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 742, "min_value": 0.4619191, "max_value": 58.708974, "mean_value": 27.8905743, "stdev_value": 8.6701886, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2808989, "max_value": 56.9774781, "mean_value": 24.3991816, "stdev_value": 9.2519611, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 357, "min_value": 0.4778977, "max_value": 55.7657274, "mean_value": 26.359507, "stdev_value": 8.1751537, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 5.2371949, "max_value": 32.6937488, "mean_value": 18.2387443, "stdev_value": 10.4349212, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.4791461, "max_value": 52.5748388, "mean_value": 21.3528736, "stdev_value": 10.2720167, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210316, "num_locations": 744, "min_value": 22.2324417, "max_value": 75.7810762, "mean_value": 47.8242695, "stdev_value": 7.825357, "last_update": 1616327488, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210316, "num_locations": 306, "min_value": 22.7657784, "max_value": 73.8261871, "mean_value": 46.4835359, "stdev_value": 7.2165629, "last_update": 1616327505, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210316, "num_locations": 359, "min_value": 19.4811503, "max_value": 74.2892216, "mean_value": 46.7604427, "stdev_value": 7.3708938, "last_update": 1616327520, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210316, "num_locations": 1, "min_value": 42.9358801, "max_value": 54.410947, "mean_value": 47.2188903, "stdev_value": 3.6937254, "last_update": 1616327524, "max_issue": 20210321, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210316, "num_locations": 51, "min_value": 27.1765913, "max_value": 70.855797, "mean_value": 46.8312565, "stdev_value": 5.867508, "last_update": 1616327530, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 737, "min_value": 0.1752614, "max_value": 28.2857884, "mean_value": 8.9449866, "stdev_value": 3.7064829, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2272727, "max_value": 30.3533353, "mean_value": 7.9655254, "stdev_value": 3.6735202, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 355, "min_value": 0.3346528, "max_value": 28.2857884, "mean_value": 8.4909303, "stdev_value": 3.4597848, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 1.3664651, "max_value": 12.6292333, "mean_value": 6.1871506, "stdev_value": 3.1501693, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.1752614, "max_value": 19.5292362, "mean_value": 6.8180187, "stdev_value": 3.327128, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 740, "min_value": 0.446429, "max_value": 64.1367354, "mean_value": 33.1742871, "stdev_value": 9.4013078, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.5846541, "max_value": 58.6165461, "mean_value": 29.2521162, "stdev_value": 10.0645951, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 358, "min_value": 3.0838604, "max_value": 64.1367354, "mean_value": 31.5261538, "stdev_value": 8.9701671, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 6.6090807, "max_value": 37.8505547, "mean_value": 22.2353713, "stdev_value": 11.8125939, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.446429, "max_value": 55.5190485, "mean_value": 25.8668459, "stdev_value": 11.3348938, "last_update": 1628859442, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.292383, "max_value": 29.353383, "mean_value": 7.4068442, "stdev_value": 3.2172861, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.2066116, "max_value": 29.4027965, "mean_value": 6.8066621, "stdev_value": 3.0104577, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.3121147, "max_value": 29.353383, "mean_value": 7.0214816, "stdev_value": 2.9380345, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 5.613506, "max_value": 9.5645405, "mean_value": 6.9718878, "stdev_value": 0.9618779, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.292383, "max_value": 16.2595185, "mean_value": 6.4099107, "stdev_value": 1.9891178, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 1.1167606, "max_value": 46.193412, "mean_value": 17.0093775, "stdev_value": 5.4830206, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 1.3156696, "max_value": 44.8880955, "mean_value": 15.9854304, "stdev_value": 5.2418061, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 1.5657304, "max_value": 44.1036485, "mean_value": 16.3164943, "stdev_value": 5.0559612, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 11.5313912, "max_value": 21.4571967, "mean_value": 16.3484578, "stdev_value": 2.3465849, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.5616594, "max_value": 35.9025179, "mean_value": 15.1397714, "stdev_value": 3.9667136, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 7.710231, "max_value": 60.6066359, "mean_value": 28.8753534, "stdev_value": 6.8013948, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 5.9163304, "max_value": 60.0311803, "mean_value": 26.984193, "stdev_value": 6.511051, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 8.9517221, "max_value": 55.3597721, "mean_value": 27.854011, "stdev_value": 6.1438722, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 22.7048749, "max_value": 34.8015595, "mean_value": 27.4057197, "stdev_value": 3.7141623, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 6.6991966, "max_value": 58.6471109, "mean_value": 26.3085977, "stdev_value": 5.4736628, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 1.2708084, "max_value": 43.4376744, "mean_value": 13.9642245, "stdev_value": 4.7943139, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.9601587, "max_value": 40.0580879, "mean_value": 13.1043427, "stdev_value": 4.4517553, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 2.0095913, "max_value": 41.7064632, "mean_value": 13.3294776, "stdev_value": 4.1553257, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 12.448366, "max_value": 15.4840719, "mean_value": 13.6531257, "stdev_value": 0.6712723, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.3872098, "max_value": 27.6016744, "mean_value": 12.6311235, "stdev_value": 2.9337623, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 2.3491042, "max_value": 46.3749193, "mean_value": 18.5940015, "stdev_value": 5.1881484, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 2.1985778, "max_value": 46.9791113, "mean_value": 17.2598518, "stdev_value": 4.807292, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 1.9431669, "max_value": 47.4614322, "mean_value": 17.8429746, "stdev_value": 4.4491411, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 15.9678165, "max_value": 19.9677129, "mean_value": 17.803888, "stdev_value": 0.9993642, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.9363483, "max_value": 46.3749193, "mean_value": 16.8558162, "stdev_value": 3.3298125, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 16.5501582, "max_value": 82.2405138, "mean_value": 54.2453005, "stdev_value": 8.4337292, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 16.4047071, "max_value": 85.5599573, "mean_value": 56.7461528, "stdev_value": 8.2363471, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 22.7590951, "max_value": 82.4896053, "mean_value": 55.8203858, "stdev_value": 7.22966, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 50.215821, "max_value": 59.1416216, "mean_value": 55.6319834, "stdev_value": 2.5283015, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 27.563182, "max_value": 83.2953347, "mean_value": 57.9695431, "stdev_value": 6.3063546, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.454955, "max_value": 34.7167506, "mean_value": 9.3233291, "stdev_value": 3.6982645, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.3289474, "max_value": 32.7373288, "mean_value": 8.4533624, "stdev_value": 3.3466102, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.4231536, "max_value": 39.3171652, "mean_value": 8.759038, "stdev_value": 3.1968178, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.1218982, "max_value": 10.2674231, "mean_value": 8.6145216, "stdev_value": 1.0178285, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.5517402, "max_value": 26.2315663, "mean_value": 7.9942383, "stdev_value": 2.4207866, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.1219361, "max_value": 21.4938234, "mean_value": 3.1003567, "stdev_value": 1.9796343, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.1075269, "max_value": 16.9004841, "mean_value": 2.8537367, "stdev_value": 1.8017906, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.1331817, "max_value": 30.3987418, "mean_value": 2.9296704, "stdev_value": 1.851172, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 2.2664813, "max_value": 3.4611316, "mean_value": 2.8570513, "stdev_value": 0.2461644, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.1219361, "max_value": 10.5290937, "mean_value": 2.5865831, "stdev_value": 1.1148775, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.3451439, "max_value": 34.292441, "mean_value": 9.2703739, "stdev_value": 3.4846302, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.3448276, "max_value": 33.9369294, "mean_value": 8.7436942, "stdev_value": 3.259631, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.4226636, "max_value": 37.6360851, "mean_value": 8.9183023, "stdev_value": 3.1873154, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.6142741, "max_value": 10.9393633, "mean_value": 8.9021634, "stdev_value": 0.6874703, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.3459039, "max_value": 22.67155, "mean_value": 8.2462851, "stdev_value": 2.1658732, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 739, "min_value": 0.1587571, "max_value": 41.5185667, "mean_value": 7.5925977, "stdev_value": 4.1336842, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 0.1355014, "max_value": 27.9964178, "mean_value": 7.1987494, "stdev_value": 3.7610783, "last_update": 1628859378, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 358, "min_value": 0.1587571, "max_value": 36.3557968, "mean_value": 7.3513823, "stdev_value": 3.8123354, "last_update": 1628859418, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 1.4779078, "max_value": 12.1428717, "mean_value": 6.611073, "stdev_value": 3.3730495, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 0.1976331, "max_value": 23.1824888, "mean_value": 6.6375353, "stdev_value": 3.537193, "last_update": 1628859442, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210221, "num_locations": 742, "min_value": 46.5246845, "max_value": 99.7326725, "mean_value": 88.7819744, "stdev_value": 6.9900593, "last_update": 1616006572, "max_issue": 20210317, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210220, "num_locations": 306, "min_value": 44.9625133, "max_value": 99.6774194, "mean_value": 86.7584134, "stdev_value": 7.3901029, "last_update": 1616006535, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210221, "num_locations": 359, "min_value": 43.5831097, "max_value": 99.6775583, "mean_value": 87.5598281, "stdev_value": 7.0845001, "last_update": 1616006597, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210222, "num_locations": 1, "min_value": 84.3485583, "max_value": 93.2178515, "mean_value": 88.8670227, "stdev_value": 3.1131215, "last_update": 1616006650, "max_issue": 20210317, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210221, "num_locations": 51, "min_value": 50.762044, "max_value": 99.5948522, "mean_value": 87.2809617, "stdev_value": 6.9568473, "last_update": 1616006604, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 662, "min_value": 5.98686, "max_value": 99.7573185, "mean_value": 61.80579, "stdev_value": 23.0183261, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 306, "min_value": 4.5437691, "max_value": 99.795082, "mean_value": 56.6835861, "stdev_value": 23.0747418, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 344, "min_value": 4.0666985, "max_value": 99.7573185, "mean_value": 59.6318864, "stdev_value": 22.7905839, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 29.0033818, "max_value": 92.0933281, "mean_value": 59.5204752, "stdev_value": 18.7918683, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 51, "min_value": 5.8599585, "max_value": 99.5762712, "mean_value": 55.8022928, "stdev_value": 22.959884, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 9.4509317, "max_value": 64.2551351, "mean_value": 35.0285712, "stdev_value": 6.8365381, "last_update": 1616241095, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 14.3288, "max_value": 61.1471406, "mean_value": 35.6776456, "stdev_value": 6.2129467, "last_update": 1616007485, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 10.006004, "max_value": 65.7893559, "mean_value": 35.8972798, "stdev_value": 6.6585783, "last_update": 1616154708, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 24.3270003, "max_value": 39.1900137, "mean_value": 34.6474592, "stdev_value": 3.6229461, "last_update": 1616500426, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 9.7034648, "max_value": 57.2831637, "mean_value": 35.8318816, "stdev_value": 5.9256329, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 9.7798451, "max_value": 69.9875077, "mean_value": 39.1239113, "stdev_value": 6.6479648, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 13.1381872, "max_value": 69.6931906, "mean_value": 39.8079887, "stdev_value": 6.23601, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 9.7798451, "max_value": 71.1995787, "mean_value": 39.7791789, "stdev_value": 6.5067048, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 27.6726804, "max_value": 43.7207665, "mean_value": 39.2049883, "stdev_value": 2.9440257, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 13.7594749, "max_value": 60.8604643, "mean_value": 40.5472778, "stdev_value": 5.2836308, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 739, "min_value": 19.5361406, "max_value": 93.9006459, "mean_value": 59.5562444, "stdev_value": 9.5501101, "last_update": 1628859328, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 22.3139171, "max_value": 86.8522829, "mean_value": 57.9492483, "stdev_value": 9.2887984, "last_update": 1628859380, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 358, "min_value": 19.5361406, "max_value": 93.9006459, "mean_value": 58.6357432, "stdev_value": 9.3591756, "last_update": 1628859419, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 35.7184994, "max_value": 70.8400827, "mean_value": 55.67588, "stdev_value": 10.2247137, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 19.6673155, "max_value": 78.9788449, "mean_value": 56.1876233, "stdev_value": 10.1268506, "last_update": 1628859442, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 376, "min_value": 12.4829172, "max_value": 84.2052504, "mean_value": 46.7587756, "stdev_value": 10.8126579, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 293, "min_value": 11.5162804, "max_value": 84.1507655, "mean_value": 43.7524424, "stdev_value": 10.5488557, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 220, "min_value": 13.7197585, "max_value": 84.2052504, "mean_value": 45.0489584, "stdev_value": 10.1411255, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 33.1016879, "max_value": 57.3264887, "mean_value": 44.5170577, "stdev_value": 6.459023, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 10.8843351, "max_value": 78.59617, "mean_value": 41.8433606, "stdev_value": 9.4276472, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 750, "min_value": 11.1143697, "max_value": 83.6218012, "mean_value": 41.1647182, "stdev_value": 8.0881449, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220625, "num_locations": 306, "min_value": 12.2427033, "max_value": 76.4272193, "mean_value": 41.1335091, "stdev_value": 7.4902084, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 360, "min_value": 13.1044873, "max_value": 83.6218012, "mean_value": 41.2964627, "stdev_value": 7.7953364, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 36.1576239, "max_value": 50.5120064, "mean_value": 41.1379765, "stdev_value": 3.9146201, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 18.9410484, "max_value": 58.378139, "mean_value": 39.9359039, "stdev_value": 5.5342188, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20220625, "num_locations": 722, "min_value": 15.0713634, "max_value": 86.347618, "mean_value": 53.2623794, "stdev_value": 14.7692205, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "hrr", "min_time": 20210113, "max_time": 20220625, "num_locations": 306, "min_value": 21.06384, "max_value": 89.8120578, "mean_value": 59.8813023, "stdev_value": 13.4791837, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20220625, "num_locations": 359, "min_value": 19.229984, "max_value": 87.642629, "mean_value": 55.2390122, "stdev_value": 14.4232621, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20220625, "num_locations": 1, "min_value": 38.6339196, "max_value": 72.2343997, "mean_value": 65.5906145, "stdev_value": 9.0739766, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20220625, "num_locations": 51, "min_value": 23.0894615, "max_value": 85.903338, "mean_value": 64.6252616, "stdev_value": 10.8323669, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "dma", "min_time": 20200201, "max_time": 20210304, "num_locations": 210, "min_value": 0.0, "max_value": 1565.76200417525, "mean_value": 20.9482376, "stdev_value": 65.2674025, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210304, "num_locations": 306, "min_value": 0.0, "max_value": 1410.08842302, "mean_value": 21.9186474, "stdev_value": 49.0164187, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210304, "num_locations": 381, "min_value": 0.0, "max_value": 1565.76200417525, "mean_value": 22.1626516, "stdev_value": 55.1958568, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210304, "num_locations": 51, "min_value": 0.0, "max_value": 530.20464784, "mean_value": 20.8002893, "stdev_value": 34.0252416, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "dma", "min_time": 20200201, "max_time": 20210304, "num_locations": 210, "min_value": 0.0, "max_value": 1527.49490835, "mean_value": 21.6425026, "stdev_value": 49.2963765, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210304, "num_locations": 306, "min_value": 0.0, "max_value": 1410.08842302, "mean_value": 22.2032196, "stdev_value": 38.1130556, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210304, "num_locations": 381, "min_value": 0.0, "max_value": 1527.49490835, "mean_value": 22.6439253, "stdev_value": 41.9518625, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210304, "num_locations": 51, "min_value": 0.0, "max_value": 530.20464784, "mean_value": 21.0425576, "stdev_value": 27.779224, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "county", "min_time": 20200411, "max_time": 20200514, "num_locations": 649, "min_value": 0.409836065573771, "max_value": 35.423894886623, "mean_value": 7.5642062, "stdev_value": 2.3033009, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 1, "max_lag": 27}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200411, "max_time": 20200514, "num_locations": 282, "min_value": 0.78125, "max_value": 23.8735267431388, "mean_value": 7.5031418, "stdev_value": 2.1662551, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200411, "max_time": 20200514, "num_locations": 324, "min_value": 0.0, "max_value": 20.2898257604082, "mean_value": 7.41813, "stdev_value": 2.0245724, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "state", "min_time": 20200411, "max_time": 20200514, "num_locations": 51, "min_value": 2.17391304347826, "max_value": 18.787540792796, "mean_value": 7.2286506, "stdev_value": 1.740113, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "county", "min_time": 20200411, "max_time": 20200514, "num_locations": 649, "min_value": 0.880545893794213, "max_value": 28.749996064143, "mean_value": 7.5262832, "stdev_value": 2.1496115, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 1, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200411, "max_time": 20200514, "num_locations": 282, "min_value": 3.7019332071209, "max_value": 22.726557194704, "mean_value": 7.5733011, "stdev_value": 2.0361627, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200411, "max_time": 20200514, "num_locations": 324, "min_value": 3.01822323462415, "max_value": 19.1367838167457, "mean_value": 7.4565365, "stdev_value": 1.7716232, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200411, "max_time": 20200514, "num_locations": 51, "min_value": 3.64100926221654, "max_value": 18.1033479398524, "mean_value": 7.1670572, "stdev_value": 1.7637356, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200213, "max_time": 20220120, "num_locations": 92, "min_value": 0.02, "max_value": 2.8, "mean_value": 0.1628996, "stdev_value": 0.1148612, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20220120, "num_locations": 10, "min_value": 0.0131270807702595, "max_value": 1.2480681700533858, "mean_value": 0.140034, "stdev_value": 0.0911828, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200213, "max_time": 20220120, "num_locations": 106, "min_value": 7.070846583878629e-07, "max_value": 2.1978302516782264, "mean_value": 0.0903941, "stdev_value": 0.0964045, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200213, "max_time": 20220120, "num_locations": 54, "min_value": 0.003390280129528332, "max_value": 1.4696504092228102, "mean_value": 0.1162842, "stdev_value": 0.0898667, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20220120, "num_locations": 1, "min_value": 0.0298998387351133, "max_value": 0.5080993582433261, "mean_value": 0.1514058, "stdev_value": 0.0756495, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200213, "max_time": 20220120, "num_locations": 43, "min_value": 0.02, "max_value": 1.6, "mean_value": 0.1737928, "stdev_value": 0.1028339, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20220120, "num_locations": 92, "min_value": 0.032857142857142856, "max_value": 2.0014285714285713, "mean_value": 0.1793956, "stdev_value": 0.1175762, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20220120, "num_locations": 10, "min_value": 0.0179084404925376, "max_value": 0.9134917551559588, "mean_value": 0.1412503, "stdev_value": 0.0881181, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20220120, "num_locations": 106, "min_value": 6.575606920968502e-06, "max_value": 1.9360977520295874, "mean_value": 0.0996178, "stdev_value": 0.097535, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20220120, "num_locations": 54, "min_value": 0.012888080770378096, "max_value": 1.1303163980678963, "mean_value": 0.1252972, "stdev_value": 0.0908501, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20220120, "num_locations": 1, "min_value": 0.0338719602832891, "max_value": 0.3869580463385803, "mean_value": 0.151751, "stdev_value": 0.0732171, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20220120, "num_locations": 43, "min_value": 0.03428571428571429, "max_value": 1.18, "mean_value": 0.1775286, "stdev_value": 0.1007419, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200213, "max_time": 20220120, "num_locations": 109, "min_value": 0.03, "max_value": 6.57, "mean_value": 0.2204089, "stdev_value": 0.1742904, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20220120, "num_locations": 10, "min_value": 0.0173693227372303, "max_value": 2.7200165442391304, "mean_value": 0.1945913, "stdev_value": 0.1329324, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200213, "max_time": 20220120, "num_locations": 115, "min_value": 5.656677267102902e-07, "max_value": 4.9685954785081545, "mean_value": 0.1306022, "stdev_value": 0.139857, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200213, "max_time": 20220120, "num_locations": 64, "min_value": 0.008836151767567543, "max_value": 3.132953842235674, "mean_value": 0.1635651, "stdev_value": 0.1279177, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20220120, "num_locations": 1, "min_value": 0.0438656821358702, "max_value": 1.29733135353733, "mean_value": 0.2050263, "stdev_value": 0.1108735, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200213, "max_time": 20220120, "num_locations": 44, "min_value": 0.03, "max_value": 3.47, "mean_value": 0.2254759, "stdev_value": 0.1390483, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20220120, "num_locations": 109, "min_value": 0.041428571428571426, "max_value": 3.762857142857143, "mean_value": 0.2360233, "stdev_value": 0.1638776, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20220120, "num_locations": 10, "min_value": 0.0273448966120518, "max_value": 1.787173096021979, "mean_value": 0.1953557, "stdev_value": 0.1200617, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20220120, "num_locations": 115, "min_value": 5.873357638146623e-06, "max_value": 3.3597563656479172, "mean_value": 0.1382351, "stdev_value": 0.1334759, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20220120, "num_locations": 64, "min_value": 0.017221895862723442, "max_value": 2.1852318317670267, "mean_value": 0.1714624, "stdev_value": 0.1203665, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20220120, "num_locations": 1, "min_value": 0.0488230407808455, "max_value": 0.7001163446093951, "mean_value": 0.2054266, "stdev_value": 0.0978696, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20220120, "num_locations": 44, "min_value": 0.044285714285714275, "max_value": 2.307142857142857, "mean_value": 0.2293551, "stdev_value": 0.1254468, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "s01_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1523, "min_value": 0.145, "max_value": 41.7575, "mean_value": 1.433627, "stdev_value": 0.599404, "last_update": 1726665357, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s01_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.5629032, "max_value": 4.8329906, "mean_value": 1.5461617, "stdev_value": 0.5958752, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s01_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.002278, "max_value": 5.9852293, "mean_value": 1.2823801, "stdev_value": 0.5820298, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s01_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.1525, "max_value": 6.8110606, "mean_value": 1.3796024, "stdev_value": 0.5816469, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s01_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.7398929, "max_value": 4.3968376, "mean_value": 1.5971599, "stdev_value": 0.5674781, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s01_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.335, "max_value": 5.4375, "mean_value": 1.5498689, "stdev_value": 0.6235113, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s01_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1523, "min_value": 0.0, "max_value": 19.5114286, "mean_value": 1.329758, "stdev_value": 0.6035782, "last_update": 1726665358, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s01_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.6021712, "max_value": 4.5579379, "mean_value": 1.5449271, "stdev_value": 0.5897944, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s01_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 5.454187, "mean_value": 1.2601669, "stdev_value": 0.5863282, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s01_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 5.4585924, "mean_value": 1.3551031, "stdev_value": 0.5820106, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s01_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.7624728, "max_value": 4.1780875, "mean_value": 1.5960099, "stdev_value": 0.5617293, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s01_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.3928571, "max_value": 5.1821429, "mean_value": 1.5485032, "stdev_value": 0.6153404, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 2082, "min_value": 0.1933333, "max_value": 15.23, "mean_value": 1.9547771, "stdev_value": 0.9566909, "last_update": 1726665358, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.9049285, "max_value": 10.2016334, "mean_value": 2.3514939, "stdev_value": 0.9225442, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.0619654, "max_value": 11.9665981, "mean_value": 2.0335561, "stdev_value": 0.9256528, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.1575647, "max_value": 12.1074102, "mean_value": 2.1734829, "stdev_value": 0.9375803, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 1.1933182, "max_value": 9.6328876, "mean_value": 2.4043939, "stdev_value": 0.8838638, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.545, "max_value": 11.955, "mean_value": 2.376812, "stdev_value": 0.9653348, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 2082, "min_value": 0.0, "max_value": 9.8964286, "mean_value": 1.7737697, "stdev_value": 0.9826126, "last_update": 1726665359, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.9390399, "max_value": 8.5374392, "mean_value": 2.3495967, "stdev_value": 0.9094822, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 9.8010037, "mean_value": 1.9990276, "stdev_value": 0.9325877, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 9.805927, "mean_value": 2.1364932, "stdev_value": 0.9418827, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 1.2254823, "max_value": 8.0950094, "mean_value": 2.4026367, "stdev_value": 0.8718694, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.5928571, "max_value": 9.7983333, "mean_value": 2.3747621, "stdev_value": 0.9500574, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1556, "min_value": 0.114, "max_value": 9.344, "mean_value": 0.8582264, "stdev_value": 0.3492743, "last_update": 1726665360, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.4449867, "max_value": 5.0817512, "mean_value": 0.954529, "stdev_value": 0.318763, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.0020661, "max_value": 6.7535321, "mean_value": 0.7570594, "stdev_value": 0.3455459, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.0770901, "max_value": 6.5204411, "mean_value": 0.8047722, "stdev_value": 0.3270598, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.568635, "max_value": 4.557349, "mean_value": 0.973277, "stdev_value": 0.2980841, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.258, "max_value": 6.32, "mean_value": 0.9461047, "stdev_value": 0.3373844, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1556, "min_value": 0.0, "max_value": 5.3408571, "mean_value": 0.7385934, "stdev_value": 0.3520358, "last_update": 1726665360, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.4821263, "max_value": 3.9093147, "mean_value": 0.9543683, "stdev_value": 0.3083189, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 4.9255751, "mean_value": 0.744592, "stdev_value": 0.3424053, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 4.7907217, "mean_value": 0.7906511, "stdev_value": 0.3199758, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.6007511, "max_value": 3.6128182, "mean_value": 0.9731692, "stdev_value": 0.2886104, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.2945714, "max_value": 4.5048571, "mean_value": 0.9459117, "stdev_value": 0.3245562, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1031, "min_value": 0.0525, "max_value": 3.93, "mean_value": 0.4799709, "stdev_value": 0.2059497, "last_update": 1726665360, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.2337199, "max_value": 1.7477591, "mean_value": 0.6519103, "stdev_value": 0.1722524, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 305, "min_value": 4.29e-05, "max_value": 3.8307638, "mean_value": 0.4393403, "stdev_value": 0.211929, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 383, "min_value": 0.0289013, "max_value": 3.8388485, "mean_value": 0.4880196, "stdev_value": 0.1993328, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.3390704, "max_value": 1.6138886, "mean_value": 0.6639709, "stdev_value": 0.1562068, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.08125, "max_value": 1.98125, "mean_value": 0.6599375, "stdev_value": 0.1912943, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1031, "min_value": 0.0, "max_value": 1.9792857, "mean_value": 0.4237507, "stdev_value": 0.2225501, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.2995908, "max_value": 1.633269, "mean_value": 0.6516415, "stdev_value": 0.1632924, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 305, "min_value": 0.0, "max_value": 1.9341105, "mean_value": 0.4296623, "stdev_value": 0.2106078, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 383, "min_value": 0.0, "max_value": 1.9757143, "mean_value": 0.4719729, "stdev_value": 0.1964871, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.4083863, "max_value": 1.5291331, "mean_value": 0.6637183, "stdev_value": 0.146752, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.2046429, "max_value": 1.8407143, "mean_value": 0.659643, "stdev_value": 0.18008, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 114, "min_value": 0.0066667, "max_value": 3.32, "mean_value": 0.1057131, "stdev_value": 0.086452, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.0043757, "max_value": 1.429934, "mean_value": 0.1023631, "stdev_value": 0.0709968, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 118, "min_value": 3e-07, "max_value": 2.5509742, "mean_value": 0.0631179, "stdev_value": 0.0695515, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 65, "min_value": 0.0017701, "max_value": 1.653679, "mean_value": 0.0788138, "stdev_value": 0.0663766, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.0182909, "max_value": 0.6667448, "mean_value": 0.1084087, "stdev_value": 0.0649339, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 45, "min_value": 0.0066667, "max_value": 1.8233333, "mean_value": 0.1181485, "stdev_value": 0.0796961, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 114, "min_value": 0.0, "max_value": 2.0214286, "mean_value": 0.089936, "stdev_value": 0.0824629, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.0, "max_value": 1.0099765, "mean_value": 0.1020574, "stdev_value": 0.0689799, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 118, "min_value": 0.0, "max_value": 1.9636653, "mean_value": 0.0568142, "stdev_value": 0.0657946, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 65, "min_value": 0.0, "max_value": 1.2305151, "mean_value": 0.0685764, "stdev_value": 0.0636097, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.0222244, "max_value": 0.4012052, "mean_value": 0.1085942, "stdev_value": 0.0631289, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 45, "min_value": 0.0, "max_value": 1.2985714, "mean_value": 0.100145, "stdev_value": 0.0807613, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 869, "min_value": 0.0733333, "max_value": 3.8166667, "mean_value": 0.7111884, "stdev_value": 0.2507849, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.2848084, "max_value": 1.9331217, "mean_value": 0.7746723, "stdev_value": 0.2428544, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 304, "min_value": 1.87e-05, "max_value": 2.6907692, "mean_value": 0.5507479, "stdev_value": 0.2603105, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 379, "min_value": 0.0698392, "max_value": 3.6766667, "mean_value": 0.6454826, "stdev_value": 0.2448268, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.3758172, "max_value": 1.7562711, "mean_value": 0.7955365, "stdev_value": 0.2292869, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.1533333, "max_value": 2.2033333, "mean_value": 0.7685962, "stdev_value": 0.258732, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 869, "min_value": 0.0, "max_value": 2.942381, "mean_value": 0.6632925, "stdev_value": 0.253464, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.2966727, "max_value": 1.804973, "mean_value": 0.7744432, "stdev_value": 0.2403065, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 304, "min_value": 0.0, "max_value": 2.4442007, "mean_value": 0.5376449, "stdev_value": 0.2624759, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 379, "min_value": 0.0, "max_value": 2.942381, "mean_value": 0.6199528, "stdev_value": 0.2476626, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.3918353, "max_value": 1.5691818, "mean_value": 0.7953315, "stdev_value": 0.2270584, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.1852381, "max_value": 2.0328571, "mean_value": 0.768343, "stdev_value": 0.2536566, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1438, "min_value": 0.25, "max_value": 14.124, "mean_value": 3.3185152, "stdev_value": 1.0036391, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 2.097142, "max_value": 10.5574026, "mean_value": 3.5622417, "stdev_value": 0.4891731, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.0535164, "max_value": 12.348618, "mean_value": 3.1561965, "stdev_value": 0.8116379, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.2728576, "max_value": 14.124, "mean_value": 3.5306336, "stdev_value": 0.7159352, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 2.6600321, "max_value": 9.6695483, "mean_value": 3.6668173, "stdev_value": 0.3588755, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 1.386, "max_value": 12.48, "mean_value": 3.6056697, "stdev_value": 0.6026537, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1438, "min_value": 0.0, "max_value": 7.4088571, "mean_value": 3.2495454, "stdev_value": 0.996381, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 2.1692694, "max_value": 6.0588907, "mean_value": 3.5620354, "stdev_value": 0.4462689, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 6.844638, "mean_value": 3.1061098, "stdev_value": 0.8634947, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 7.3748571, "mean_value": 3.4745313, "stdev_value": 0.7831316, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 2.7735218, "max_value": 5.4817889, "mean_value": 3.6666199, "stdev_value": 0.2987836, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 1.4714286, "max_value": 6.9245714, "mean_value": 3.6054787, "stdev_value": 0.5633973, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200213, "max_time": 20220120, "num_locations": 109, "min_value": 0.03, "max_value": 9.370000000000001, "mean_value": 0.3426697, "stdev_value": 0.2744206, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20220120, "num_locations": 10, "min_value": 0.0173693227372303, "max_value": 3.968084714292517, "mean_value": 0.3342102, "stdev_value": 0.2173844, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200213, "max_time": 20220120, "num_locations": 115, "min_value": 7.070846583878629e-07, "max_value": 7.166425730186382, "mean_value": 0.2073388, "stdev_value": 0.2238387, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200213, "max_time": 20220120, "num_locations": 64, "min_value": 0.010383161866232391, "max_value": 4.602604251458484, "mean_value": 0.2531459, "stdev_value": 0.2000587, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20220120, "num_locations": 1, "min_value": 0.0765355929387654, "max_value": 1.8054307117806556, "mean_value": 0.3564321, "stdev_value": 0.1798115, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200213, "max_time": 20220120, "num_locations": 44, "min_value": 0.03, "max_value": 5.07, "mean_value": 0.3827677, "stdev_value": 0.23348, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20220120, "num_locations": 109, "min_value": 0.04999999999999999, "max_value": 5.484285714285714, "mean_value": 0.3699355, "stdev_value": 0.2612152, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20220120, "num_locations": 10, "min_value": 0.0423773980448919, "max_value": 2.7006648511779376, "mean_value": 0.3352803, "stdev_value": 0.2044591, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20220120, "num_locations": 115, "min_value": 8.107787174398055e-06, "max_value": 5.295854117677505, "mean_value": 0.2186379, "stdev_value": 0.2170476, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20220120, "num_locations": 64, "min_value": 0.01847196972373093, "max_value": 3.3155482298349233, "mean_value": 0.2682165, "stdev_value": 0.1921036, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20220120, "num_locations": 1, "min_value": 0.0830425325246353, "max_value": 1.0206403040899057, "mean_value": 0.3571776, "stdev_value": 0.1669782, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20220120, "num_locations": 44, "min_value": 0.051428571428571435, "max_value": 3.487142857142857, "mean_value": 0.3951061, "stdev_value": 0.2187848, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 5435.0, "mean_value": 461.1311591, "stdev_value": 633.5614487, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 3, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 23473.0, "mean_value": 4540.0417986, "stdev_value": 4189.309632, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 2580.0, "mean_value": 96.1909912, "stdev_value": 179.0364888, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 5048.4285714, "mean_value": 462.7522463, "stdev_value": 629.8128073, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 4, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 21996.7142857, "mean_value": 4555.7389883, "stdev_value": 4155.626106, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -2.18873, "max_value": 2402.8571429, "mean_value": 96.0135017, "stdev_value": 177.278203, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 9.2921323, "mean_value": 1.3065361, "stdev_value": 1.3107456, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 3, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 7.0411442, "mean_value": 1.3624152, "stdev_value": 1.2563057, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 30.6201481, "mean_value": 1.4766189, "stdev_value": 1.5482264, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 8.4438675, "mean_value": 1.3107632, "stdev_value": 1.2970562, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 5, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 6.598306, "mean_value": 1.3669301, "stdev_value": 1.2463811, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -0.0587884, "max_value": 13.5606169, "mean_value": 1.4799905, "stdev_value": 1.5007705, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 1020.0, "mean_value": 36.3701512, "stdev_value": 81.5215794, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 4139.0, "mean_value": 358.050665, "stdev_value": 667.4539517, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 527.0, "mean_value": 8.079549, "stdev_value": 22.3643642, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 824.4285714, "mean_value": 36.4463386, "stdev_value": 80.8724694, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 3810.4285714, "mean_value": 358.8049224, "stdev_value": 664.1485754, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -235.7730334, "max_value": 466.7142857, "mean_value": 7.9743098, "stdev_value": 22.2495347, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 2.1320358, "mean_value": 0.1081863, "stdev_value": 0.2206152, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 1.2415667, "mean_value": 0.1074078, "stdev_value": 0.2002126, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 3.4666547, "mean_value": 0.1327134, "stdev_value": 0.2825847, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 1.887586, "mean_value": 0.1084012, "stdev_value": 0.2181674, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 1.1430059, "mean_value": 0.1076326, "stdev_value": 0.1992218, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -7.5128606, "max_value": 3.1329084, "mean_value": 0.1299443, "stdev_value": 0.289478, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 6806.0, "mean_value": 839.2928728, "stdev_value": 929.1560226, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 4, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 30339.0, "mean_value": 8263.2216593, "stdev_value": 6137.0740488, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 3336.0, "mean_value": 176.9070707, "stdev_value": 270.2597076, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 6255.1428571, "mean_value": 842.0457741, "stdev_value": 921.1235546, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 5, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 28260.7142857, "mean_value": 8289.8381618, "stdev_value": 6066.4615525, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -1947060.9047407, "max_value": 3031.2857143, "mean_value": -295.5559628, "stdev_value": 21361.3282651, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 11.2926069, "mean_value": 2.4350865, "stdev_value": 1.9583555, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 4, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 9.1007231, "mean_value": 2.4797186, "stdev_value": 1.8400811, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 112.4449151, "mean_value": 2.8111772, "stdev_value": 2.6390245, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 10.5333585, "mean_value": 2.442418, "stdev_value": 1.9278248, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 5, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 8.4773043, "mean_value": 2.487346, "stdev_value": 1.8193067, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -28244.5801805, "max_value": 51.476778, "mean_value": -8.4047634, "stdev_value": 422.0103505, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20200927, "num_locations": 1135, "min_value": 0.046381, "max_value": 89.490451, "mean_value": 4.9874457, "stdev_value": 5.9539161, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20200927, "num_locations": 292, "min_value": 0.033958, "max_value": 48.498128, "mean_value": 4.7894585, "stdev_value": 5.3017575, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20200927, "num_locations": 329, "min_value": 0.024278, "max_value": 54.758257, "mean_value": 4.8585652, "stdev_value": 5.4583597, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20200927, "num_locations": 51, "min_value": 0.013853, "max_value": 33.703258, "mean_value": 5.0163537, "stdev_value": 4.901157, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 1192, "min_value": 0.039949, "max_value": 92.939526, "mean_value": 3.0798601, "stdev_value": 4.6208808, "last_update": 1726643366, "max_issue": 20240917, "min_lag": 3, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.01194, "max_value": 30.999678, "mean_value": 2.8387546, "stdev_value": 3.3945769, "last_update": 1726632729, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 299, "min_value": 0.037466, "max_value": 48.587424, "mean_value": 3.0454015, "stdev_value": 4.2932728, "last_update": 1726632730, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 360, "min_value": 0.038978, "max_value": 92.356772, "mean_value": 3.0911726, "stdev_value": 4.610449, "last_update": 1726632732, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.020729, "max_value": 13.85573, "mean_value": 3.0822856, "stdev_value": 3.2034483, "last_update": 1726632734, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 51, "min_value": 0.013436, "max_value": 39.027202, "mean_value": 2.8504172, "stdev_value": 3.7952426, "last_update": 1726632735, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20200927, "num_locations": 1135, "min_value": 0.046381, "max_value": 89.228289, "mean_value": 4.9482944, "stdev_value": 5.9092093, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20200927, "num_locations": 292, "min_value": 0.033958, "max_value": 47.850381, "mean_value": 4.7536429, "stdev_value": 5.2624303, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20200927, "num_locations": 329, "min_value": 0.023832, "max_value": 55.304972, "mean_value": 4.8248071, "stdev_value": 5.4208578, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20200927, "num_locations": 51, "min_value": 0.013815, "max_value": 33.471472, "mean_value": 4.9818181, "stdev_value": 4.8663739, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 1192, "min_value": 0.039949, "max_value": 90.293503, "mean_value": 3.0539275, "stdev_value": 4.581292, "last_update": 1726643366, "max_issue": 20240917, "min_lag": 3, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.01194, "max_value": 30.015204, "mean_value": 2.8171327, "stdev_value": 3.369452, "last_update": 1726632730, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 299, "min_value": 0.037466, "max_value": 47.175147, "mean_value": 3.0180278, "stdev_value": 4.2542083, "last_update": 1726632731, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 360, "min_value": 0.038978, "max_value": 91.481414, "mean_value": 3.0636139, "stdev_value": 4.5692625, "last_update": 1726632733, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.020858, "max_value": 13.620789, "mean_value": 3.0595682, "stdev_value": 3.1811151, "last_update": 1726632735, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 51, "min_value": 0.013436, "max_value": 38.53863, "mean_value": 2.8252253, "stdev_value": 3.7609625, "last_update": 1726632736, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3274, "min_value": 0.0, "max_value": 1223614.2857143, "mean_value": 4451.6919025, "stdev_value": 22017.5320001, "last_update": 1635515786, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 7188417.571428901, "mean_value": 1530969.9948894, "stdev_value": 1769830.2764193, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 2, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 1231096.211411, "mean_value": 47209.0843248, "stdev_value": 88790.3765754, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 2315347.8571429, "mean_value": 32561.8929064, "stdev_value": 108591.3589872, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 74929.2857143, "max_value": 33650273.85714449, "mean_value": 15309699.9488942, "stdev_value": 12745243.5040741, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 2, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 3760285.8571429, "mean_value": 280274.0995621, "stdev_value": 497641.7493034, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3221, "min_value": 0.0, "max_value": 82672.5905673, "mean_value": 4345.8768113, "stdev_value": 4592.1599417, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 11461.734832056605, "mean_value": 4479.4226489, "stdev_value": 3868.3229199, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 17582.261312, "mean_value": 4376.9970734, "stdev_value": 4207.6585217, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 17506.9444955, "mean_value": 4360.8940153, "stdev_value": 4233.6192614, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 22.5716054, "max_value": 10136.766904521428, "mean_value": 4611.8750896, "stdev_value": 3839.3613999, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 14571.1616265, "mean_value": 4331.0505605, "stdev_value": 4228.9766786, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -6957.4285714, "max_value": 16237.4285714, "mean_value": 22.1088929, "stdev_value": 115.4651391, "last_update": 1636987942, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -2385.7142882, "max_value": 60077.8571421, "mean_value": 7701.7995164, "stdev_value": 9366.1461658, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -878.66625472635, "max_value": 16309.6157378, "mean_value": 234.124931, "stdev_value": 468.0589424, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -1301.0, "max_value": 19537.4285714, "mean_value": 156.9855208, "stdev_value": 532.5178698, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 6685.2857072, "max_value": 251196.4285711, "mean_value": 77017.9951639, "stdev_value": 57826.4552552, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -3731.8571429, "max_value": 45072.7142857, "mean_value": 1388.8207591, "stdev_value": 2634.6073505, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -1904.1515998, "max_value": 14610.2795136, "mean_value": 23.1677207, "stdev_value": 40.1453694, "last_update": 1636987943, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -3.565656322020853, "max_value": 113.5732954, "mean_value": 22.5814568, "stdev_value": 20.0656748, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -132.5722959, "max_value": 683.6028314, "mean_value": 22.5266058, "stdev_value": 25.799739, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -793.0152259, "max_value": 1416.7418761, "mean_value": 22.5201767, "stdev_value": 27.8145349, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 2.0138672, "max_value": 75.6701017, "mean_value": 23.2008057, "stdev_value": 17.4195699, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -71.7332496, "max_value": 243.0667775, "mean_value": 22.1858507, "stdev_value": 24.1984599, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -1.0, "max_value": 1440262.0, "mean_value": 5984.3194498, "stdev_value": 27226.9606968, "last_update": 1636987944, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 2834.0, "max_value": 10754684.0, "mean_value": 2090196.4639594, "stdev_value": 2189823.6843901, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 1449997.4965287, "mean_value": 63347.0964754, "stdev_value": 109740.8308671, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 2707438.0, "mean_value": 43084.3244209, "stdev_value": 133675.1598697, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 213422.0, "max_value": 46163217.0, "mean_value": 20901964.6395939, "stdev_value": 14855182.7665433, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 4719201.0, "mean_value": 375917.7284567, "stdev_value": 620905.9963105, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": 0.0, "max_value": 113157.0023737, "mean_value": 5932.7759708, "stdev_value": 5489.5382716, "last_update": 1636987945, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 20.042121, "max_value": 16073.805310890504, "mean_value": 6114.013827, "stdev_value": 4507.0973691, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 23409.3912388, "mean_value": 5909.2742684, "stdev_value": 5007.9501693, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 23963.098094, "mean_value": 5838.3391798, "stdev_value": 5069.5083137, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 64.2909795, "max_value": 13906.150430704109, "mean_value": 6296.4819929, "stdev_value": 4474.9568954, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 20128.9936483, "mean_value": 5812.9343872, "stdev_value": 5005.4235412, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -148527.0, "max_value": 42904.0, "mean_value": 22.2074281, "stdev_value": 297.80297, "last_update": 1636987946, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -24483.0, "max_value": 190937.0, "mean_value": 7725.6541455, "stdev_value": 10662.7906019, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -17909.257254467, "max_value": 47945.581734850995, "mean_value": 235.1779886, "stdev_value": 639.5392126, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -18686.0, "max_value": 65726.0, "mean_value": 157.6013825, "stdev_value": 663.4550004, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": -13564.0, "max_value": 367596.0, "mean_value": 77256.5414552, "stdev_value": 63187.0620031, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -26123.0, "max_value": 184937.0, "mean_value": 1395.0080331, "stdev_value": 3162.0483412, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -101729.3997965, "max_value": 101792.3751393, "mean_value": 23.3303381, "stdev_value": 134.0622205, "last_update": 1636987947, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -38.6377762, "max_value": 446.98884, "mean_value": 22.6624843, "stdev_value": 24.2530097, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -4448.496536, "max_value": 4522.4817459, "mean_value": 22.6622844, "stdev_value": 44.7123514, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -5610.2577169, "max_value": 9817.2538102, "mean_value": 22.6600526, "stdev_value": 51.953771, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": -4.0860026, "max_value": 110.7341647, "mean_value": 23.2726651, "stdev_value": 19.0343925, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -1064.0310198, "max_value": 1208.2647001, "mean_value": 22.3484305, "stdev_value": 39.0445092, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3274, "min_value": -0.8571429, "max_value": 24591.7142857, "mean_value": 89.0526477, "stdev_value": 455.8095796, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 122223.8571425, "mean_value": 30680.4244471, "stdev_value": 30544.0285349, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 24684.7851819, "mean_value": 944.2730089, "stdev_value": 1831.152352, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 64098.5714286, "mean_value": 645.9568113, "stdev_value": 2820.0567566, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 1509.0, "max_value": 605490.7142845, "mean_value": 306804.244471, "stdev_value": 203390.6676691, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 63489.1428571, "mean_value": 5597.7123275, "stdev_value": 9450.7260523, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3221, "min_value": 0.0, "max_value": 865.8008658, "mean_value": 86.1857417, "stdev_value": 109.1087456, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 257.10243768508366, "mean_value": 90.3874467, "stdev_value": 69.311358, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 447.3055058, "mean_value": 85.7092678, "stdev_value": 83.5464891, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 409.4583782, "mean_value": 77.2413093, "stdev_value": 79.5813029, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 0.4545693, "max_value": 182.39727437614965, "mean_value": 92.4213314, "stdev_value": 61.2691533, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 298.2372591, "mean_value": 79.2846492, "stdev_value": 74.5228878, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -254.2857143, "max_value": 686.8571429, "mean_value": 0.3590364, "stdev_value": 2.8958922, "last_update": 1636987948, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -3.1428575, "max_value": 1210.9999961999997, "mean_value": 124.9525734, "stdev_value": 154.3357872, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -25.2855085, "max_value": 430.8454645, "mean_value": 3.6795073, "stdev_value": 9.3771559, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -153.7142857, "max_value": 1185.0, "mean_value": 2.3953846, "stdev_value": 13.3030792, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 196.142843, "max_value": 3511.571428, "mean_value": 1249.5257335, "stdev_value": 783.8521562, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -53.0, "max_value": 955.85714285714, "mean_value": 22.544682, "stdev_value": 48.2912951, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -1345.5069678, "max_value": 1345.5069678, "mean_value": 0.4115553, "stdev_value": 1.8048072, "last_update": 1636987948, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -0.0218996, "max_value": 3.6923205, "mean_value": 0.3554414, "stdev_value": 0.3633378, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -10.403212, "max_value": 12.6861376, "mean_value": 0.360123, "stdev_value": 0.5118885, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -30.2564418, "max_value": 30.2564418, "mean_value": 0.3425532, "stdev_value": 0.5820389, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 0.0590858, "max_value": 1.0578214, "mean_value": 0.3764056, "stdev_value": 0.2361267, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -1.1045736, "max_value": 6.5277897, "mean_value": 0.3342936, "stdev_value": 0.4295404, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -6.0, "max_value": 26620.0, "mean_value": 112.3033097, "stdev_value": 545.2133812, "last_update": 1636987949, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 42.0, "max_value": 175955.0, "mean_value": 39221.4698816, "stdev_value": 36253.7431315, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 26734.5151766, "mean_value": 1182.3602567, "stdev_value": 2115.7369269, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 65872.0, "mean_value": 796.0354813, "stdev_value": 3147.3979619, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 5395.0, "max_value": 757905.0, "mean_value": 392214.6988156, "stdev_value": 226518.2828577, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 316}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 72025.0, "mean_value": 7053.902842, "stdev_value": 11290.4859944, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -2.1855057, "max_value": 9418.5487746, "mean_value": 114.3161118, "stdev_value": 127.0910736, "last_update": 1636987950, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 0.2970251, "max_value": 270.0505137167101, "mean_value": 114.0193479, "stdev_value": 75.0077572, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 468.3035098, "mean_value": 109.2108647, "stdev_value": 94.016468, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 502.09532, "mean_value": 99.4237986, "stdev_value": 91.8949409, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 1.6251831, "max_value": 228.3103654189177, "mean_value": 118.1502711, "stdev_value": 68.2360875, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 343.3682106, "mean_value": 100.0364694, "stdev_value": 83.6742364, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -2039.0, "max_value": 3112.0, "mean_value": 0.3603695, "stdev_value": 5.4952678, "last_update": 1636987951, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -1407.0, "max_value": 3112.0, "mean_value": 125.0966159, "stdev_value": 192.0161107, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 316}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -243.0117977, "max_value": 1233.7505426, "mean_value": 3.6924741, "stdev_value": 12.5288124, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -1076.0, "max_value": 2795.0, "mean_value": 2.4017705, "stdev_value": 15.9164269, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 60.0, "max_value": 5073.0, "mean_value": 1250.9661591, "stdev_value": 938.9711774, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 3, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -2039.0, "max_value": 3112.0, "mean_value": 22.6283167, "stdev_value": 66.4805602, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -9418.5487746, "max_value": 9418.5487746, "mean_value": 0.4144913, "stdev_value": 9.8963304, "last_update": 1636987952, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -2.1028831783828275, "max_value": 5.9858728, "mean_value": 0.355723, "stdev_value": 0.4624611, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -77.2274987, "max_value": 78.6293771, "mean_value": 0.3619639, "stdev_value": 0.8969666, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -211.7950926, "max_value": 211.7950926, "mean_value": 0.3444498, "stdev_value": 1.3139372, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 0.0180743, "max_value": 1.5281842, "mean_value": 0.3768395, "stdev_value": 0.2828545, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -9.381911, "max_value": 43.1070973, "mean_value": 0.3363865, "stdev_value": 0.7775213, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbc_fbs_ght", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20210316, "num_locations": 2568, "min_value": 0.07729395545267395, "max_value": 7.249569898307247, "mean_value": 0.8020888, "stdev_value": 0.3469438, "last_update": 1616009162, "max_issue": 20210317, "min_lag": 1, "max_lag": 96}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbc_fbs_ght", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20210316, "num_locations": 385, "min_value": 0.048225644401162046, "max_value": 11.443310258552295, "mean_value": 0.723743, "stdev_value": 0.3998013, "last_update": 1616009163, "max_issue": 20210317, "min_lag": 1, "max_lag": 96}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbc_fbs_ght", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20210315, "num_locations": 52, "min_value": 0.11249000717703608, "max_value": 5.9145150758884615, "mean_value": 0.792171, "stdev_value": 0.3823998, "last_update": 1616009162, "max_issue": 20210317, "min_lag": 1, "max_lag": 96}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbs_ght", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20200526, "num_locations": 2296, "min_value": 0.0, "max_value": 16.246099029316, "mean_value": 0.7203178, "stdev_value": 0.5380712, "last_update": 1590558701, "max_issue": 20200527, "min_lag": 1, "max_lag": 51}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbs_ght", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20200526, "num_locations": 382, "min_value": 0.0, "max_value": 4.32452661550886, "mean_value": 0.7509085, "stdev_value": 0.4499194, "last_update": 1590558701, "max_issue": 20200527, "min_lag": 1, "max_lag": 51}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbs_ght", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20200526, "num_locations": 52, "min_value": 0.0747817727440569, "max_value": 2.81993801241547, "mean_value": 0.8575687, "stdev_value": 0.3721018, "last_update": 1590558701, "max_issue": 20200527, "min_lag": 1, "max_lag": 51}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3282, "min_value": 0.0, "max_value": 1273531.1428571, "mean_value": 4582.0314916, "stdev_value": 22504.3819196, "last_update": 1627222261, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 7502075.1428571, "mean_value": 1501599.8941322, "stdev_value": 1784142.1776819, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 1281828.762904, "mean_value": 48458.6734733, "stdev_value": 90833.944416, "last_update": 1627222350, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 2335772.5714286, "mean_value": 32724.7979168, "stdev_value": 110129.4225725, "last_update": 1627222359, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 14.0, "max_value": 34218297.2857143, "mean_value": 15017599.4123938, "stdev_value": 12924731.7886493, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 3882270.5714286, "mean_value": 268142.8382428, "stdev_value": 493481.2409128, "last_update": 1627222371, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3274, "min_value": 0.0, "max_value": 44068.6845931, "mean_value": 4417.5741688, "stdev_value": 4581.8371522, "last_update": 1627222266, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 11481.4709598, "mean_value": 4390.0646849, "stdev_value": 3914.4412687, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 17932.6864002, "mean_value": 4490.5310432, "stdev_value": 4208.3379905, "last_update": 1627222350, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 17506.9444955, "mean_value": 4365.0146125, "stdev_value": 4268.0348645, "last_update": 1627222359, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 0.0042129, "max_value": 10296.9382077, "mean_value": 4519.0820538, "stdev_value": 3889.2982742, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 14578.8475403, "mean_value": 4209.7985746, "stdev_value": 4200.4128035, "last_update": 1627222371, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3284, "min_value": -55155.8571429, "max_value": 55155.7142857, "mean_value": 28.3952515, "stdev_value": 199.7991459, "last_update": 1678445919, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -206.7142857, "max_value": 179745.8571429, "mean_value": 9307.0435089, "stdev_value": 15214.0682299, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -3856.368581, "max_value": 41764.0236591, "mean_value": 297.9313466, "stdev_value": 774.2768196, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -3857.1428571, "max_value": 88629.4285714, "mean_value": 202.9255727, "stdev_value": 933.9193079, "last_update": 1678446032, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.2857143, "max_value": 806782.1428571, "mean_value": 93043.1446525, "stdev_value": 114522.2791263, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -3588.1428571, "max_value": 123179.4285714, "mean_value": 1662.2722518, "stdev_value": 4172.8495144, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3276, "min_value": -1686.1219196, "max_value": 2841.3575375, "mean_value": 27.101371, "stdev_value": 43.7137121, "last_update": 1678445927, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -1.4591803, "max_value": 392.7720066, "mean_value": 27.3187456, "stdev_value": 36.2477389, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -122.4798617, "max_value": 690.4598967, "mean_value": 27.5967365, "stdev_value": 38.416351, "last_update": 1678446023, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -199.0058129, "max_value": 616.6887806, "mean_value": 27.5891708, "stdev_value": 39.6257666, "last_update": 1678446032, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 8.57e-05, "max_value": 241.870203, "mean_value": 27.8939792, "stdev_value": 34.3333416, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -59.7145264, "max_value": 658.5922059, "mean_value": 27.621264, "stdev_value": 40.4790137, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -3073.0, "max_value": 3710586.0, "mean_value": 14353.1869473, "stdev_value": 63767.5389842, "last_update": 1678445936, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 22820900.0, "mean_value": 4825882.233519, "stdev_value": 5140574.2058624, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 3730976.336434, "mean_value": 150971.0242582, "stdev_value": 258092.7498978, "last_update": 1678446023, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 7174275.0, "mean_value": 102240.7889401, "stdev_value": 317181.9992659, "last_update": 1678446033, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 16.0, "max_value": 103759705.0, "mean_value": 48280583.8779174, "stdev_value": 36106734.8695721, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 12129699.0, "mean_value": 841422.3893843, "stdev_value": 1438788.0526839, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": 0.0, "max_value": 222651.9337017, "mean_value": 13910.3505283, "stdev_value": 11790.9558726, "last_update": 1678445945, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 34229.2575611, "mean_value": 14157.6410136, "stdev_value": 10766.8762807, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 53215.8354471, "mean_value": 14039.5268056, "stdev_value": 11201.3530986, "last_update": 1678446024, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 49355.6779666, "mean_value": 13931.4030991, "stdev_value": 11380.4602644, "last_update": 1678446034, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0047967, "max_value": 31106.7630072, "mean_value": 14474.3345265, "stdev_value": 10824.6611202, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 43580.1820977, "mean_value": 13802.5773159, "stdev_value": 11492.6760266, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -379973.0, "max_value": 150251.0, "mean_value": 27.7235964, "stdev_value": 470.1277512, "last_update": 1678445955, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -7449.0, "max_value": 399993.0, "mean_value": 9315.8598886, "stdev_value": 18034.5429404, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -26994.5800669, "max_value": 130067.1647396, "mean_value": 290.628315, "stdev_value": 1123.0934006, "last_update": 1678446025, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -27000.0, "max_value": 189842.0, "mean_value": 198.0688441, "stdev_value": 1227.1508316, "last_update": 1678446035, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -3862.0, "max_value": 1354180.0, "mean_value": 93141.5529623, "stdev_value": 127207.5285887, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -27000.0, "max_value": 207110.0, "mean_value": 1625.2383288, "stdev_value": 5188.8291669, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": -11802.8534371, "max_value": 11123.5744999, "mean_value": 26.4636876, "stdev_value": 78.2824164, "last_update": 1678445965, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -52.5819213, "max_value": 800.8907647, "mean_value": 27.3441848, "stdev_value": 44.3496797, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -1181.5455977, "max_value": 3739.329053, "mean_value": 26.9242122, "stdev_value": 63.6451361, "last_update": 1678446026, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -1758.6873497, "max_value": 4131.1710137, "mean_value": 26.9369303, "stdev_value": 65.8709355, "last_update": 1678446036, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -1.1578128, "max_value": 405.9779886, "mean_value": 27.9234816, "stdev_value": 38.1363309, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -418.0016846, "max_value": 1830.0041427, "mean_value": 27.0079029, "stdev_value": 59.5064043, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3282, "min_value": 0.0, "max_value": 24605.7142857, "mean_value": 91.0756647, "stdev_value": 457.7033909, "last_update": 1627222307, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 122371.7142857, "mean_value": 29844.3231149, "stdev_value": 30809.2957863, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 24704.173594, "mean_value": 961.7329457, "stdev_value": 1838.2063543, "last_update": 1627222354, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 64432.8571429, "mean_value": 647.2079421, "stdev_value": 2819.3812933, "last_update": 1627222364, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 1.0, "max_value": 609746.4285714, "mean_value": 298466.2292295, "stdev_value": 208991.9277043, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 64175.4285714, "mean_value": 5329.3434134, "stdev_value": 9345.5475859, "last_update": 1627222372, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3274, "min_value": 0.0, "max_value": 865.8008658, "mean_value": 86.9831932, "stdev_value": 109.2082606, "last_update": 1627222312, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 257.8601376, "mean_value": 87.6666226, "stdev_value": 70.4070081, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 448.2516859, "mean_value": 87.5430088, "stdev_value": 83.7548751, "last_update": 1627222355, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 411.1138703, "mean_value": 77.5600648, "stdev_value": 80.1993607, "last_update": 1627222365, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 0.0003009, "max_value": 183.4843284, "mean_value": 89.8141802, "stdev_value": 62.8896566, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 299.0060527, "mean_value": 76.573521, "stdev_value": 74.2259352, "last_update": 1627222372, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3284, "min_value": -3607.5714286, "max_value": 418.1428571, "mean_value": 0.3075687, "stdev_value": 5.7273992, "last_update": 1678445975, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -77.7142857, "max_value": 1290.0, "mean_value": 100.7926756, "stdev_value": 133.5207972, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -56.6686916, "max_value": 710.7492667, "mean_value": 3.2353914, "stdev_value": 9.2226356, "last_update": 1678446027, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -153.7142857, "max_value": 982.8571429, "mean_value": 2.0747886, "stdev_value": 11.3428703, "last_update": 1678446037, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0, "max_value": 3376.4285714, "mean_value": 1007.5125673, "stdev_value": 767.0529034, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -100.5714286, "max_value": 1013.5714286, "mean_value": 18.0009672, "stdev_value": 38.6344064, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3276, "min_value": -41.3288637, "max_value": 93.779306, "mean_value": 0.365256, "stdev_value": 1.1151402, "last_update": 1678445983, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -0.4945528, "max_value": 4.0251346, "mean_value": 0.2878276, "stdev_value": 0.3181404, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -8.3471689, "max_value": 30.6551546, "mean_value": 0.3196907, "stdev_value": 0.5725128, "last_update": 1678446028, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -30.2564418, "max_value": 35.1984464, "mean_value": 0.3061659, "stdev_value": 0.6238996, "last_update": 1678446038, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0, "max_value": 1.0122404, "mean_value": 0.3020484, "stdev_value": 0.2299595, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -2.8933225, "max_value": 6.1581568, "mean_value": 0.2802725, "stdev_value": 0.3726797, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -82.0, "max_value": 35545.0, "mean_value": 190.5197878, "stdev_value": 780.0843981, "last_update": 1678445991, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 259166.0, "mean_value": 64052.6121441, "stdev_value": 59661.1248867, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 35736.6565225, "mean_value": 1996.5240135, "stdev_value": 3094.770263, "last_update": 1678446028, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 86123.0, "mean_value": 1297.1952789, "stdev_value": 4213.0963038, "last_update": 1678446039, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 1.0, "max_value": 1123647.0, "mean_value": 640678.7935368, "stdev_value": 367150.4558116, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 101159.0, "mean_value": 11168.8936217, "stdev_value": 16972.8601255, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": 0.0, "max_value": 1386.962552, "mean_value": 214.3349027, "stdev_value": 195.0967167, "last_update": 1678445999, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 383.8666291, "mean_value": 182.9312278, "stdev_value": 111.7193226, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 670.510457, "mean_value": 193.1950839, "stdev_value": 144.654354, "last_update": 1678446029, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 768.3949799, "mean_value": 181.0682597, "stdev_value": 149.2546543, "last_update": 1678446040, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0002998, "max_value": 336.8650762, "mean_value": 192.0730537, "stdev_value": 110.0703035, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 451.4689698, "mean_value": 168.8182177, "stdev_value": 128.4863521, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -25525.0, "max_value": 2874.0, "mean_value": 0.3002776, "stdev_value": 14.6826257, "last_update": 1678446007, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -661.0, "max_value": 2452.0, "mean_value": 100.8800755, "stdev_value": 163.8194274, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -593.9064838, "max_value": 4975.2448667, "mean_value": 3.1563923, "stdev_value": 17.9064987, "last_update": 1678446030, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -1076.0, "max_value": 6165.0, "mean_value": 2.0254899, "stdev_value": 18.5879756, "last_update": 1678446041, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -253.0, "max_value": 4375.0, "mean_value": 1008.6050269, "stdev_value": 925.0308337, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -704.0, "max_value": 2441.0, "mean_value": 17.5963736, "stdev_value": 50.492574, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": -289.3020459, "max_value": 656.4551422, "mean_value": 0.3566426, "stdev_value": 2.7174116, "last_update": 1678446015, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -3.7986275, "max_value": 17.3084805, "mean_value": 0.2880929, "stdev_value": 0.4283799, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -58.4301826, "max_value": 214.5860825, "mean_value": 0.3119563, "stdev_value": 1.2531446, "last_update": 1678446031, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -211.7950926, "max_value": 246.3891249, "mean_value": 0.298964, "stdev_value": 1.4898235, "last_update": 1678446042, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -0.0758484, "max_value": 1.3116083, "mean_value": 0.3023759, "stdev_value": 0.2773207, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -20.2532572, "max_value": 43.1070973, "mean_value": 0.2740545, "stdev_value": 0.666353, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 22921.0, "max_value": 87415.0, "mean_value": 62495.4333333, "stdev_value": 7976.6429731, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 12529.0, "mean_value": 1213.9188477, "stdev_value": 1263.0855263, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 6.860457, "max_value": 26.1640786, "mean_value": 18.705433, "stdev_value": 2.3874794, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 64.7936347, "mean_value": 19.713206, "stdev_value": 4.1633135, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 1.0, "max_value": 13560.0, "mean_value": 2464.4291667, "stdev_value": 3071.9524429, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 3120.0, "mean_value": 73.7805502, "stdev_value": 165.1758367, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.0002993, "max_value": 4.0586273, "mean_value": 0.7376253, "stdev_value": 0.9194624, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 15.0593874, "mean_value": 1.0170761, "stdev_value": 1.3787384, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 4.0, "max_value": 26028.0, "mean_value": 5019.85, "stdev_value": 5751.0259101, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 6900.0, "mean_value": 122.946958, "stdev_value": 273.980909, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.0011972, "max_value": 7.7904094, "mean_value": 1.5024853, "stdev_value": 1.7213327, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 35.6833011, "mean_value": 1.8054536, "stdev_value": 2.4148304, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 3.0, "max_value": 1053.0, "mean_value": 127.1333333, "stdev_value": 216.3887487, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 341.0, "mean_value": 2.4248349, "stdev_value": 9.6272794, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.0008979, "max_value": 0.3151722, "mean_value": 0.0380521, "stdev_value": 0.0647671, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 1.7634791, "mean_value": 0.0274754, "stdev_value": 0.0987666, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_percent_of_expected", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 45.0, "max_value": 148.0, "mean_value": 114.7916667, "stdev_value": 12.1002037, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_percent_of_expected", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 974.0, "mean_value": 116.5847869, "stdev_value": 26.4370522, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 1270.0, "max_value": 16923.0, "mean_value": 5526.7208333, "stdev_value": 3186.1372736, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 3516.0, "mean_value": 117.5019652, "stdev_value": 181.0936179, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.3801222, "max_value": 5.0652028, "mean_value": 1.6541962, "stdev_value": 0.9536389, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 18.0071383, "mean_value": 1.7670444, "stdev_value": 1.3013313, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 1617.0, "max_value": 29426.0, "mean_value": 8196.3166667, "stdev_value": 5836.2758902, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 7487.0, "mean_value": 167.9816111, "stdev_value": 290.7477809, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.4839823, "max_value": 8.8074607, "mean_value": 2.4532297, "stdev_value": 1.7468487, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 38.7189674, "mean_value": 2.5927366, "stdev_value": 2.3309267, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 3.3353142, "stdev_value": 3.615136, "last_update": 1726289587, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.3088379, "max_value": 14.5761847, "mean_value": 3.0427464, "stdev_value": 2.6029145, "last_update": 1726289661, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 979.8262271, "mean_value": 24.9975616, "stdev_value": 51.9579561, "last_update": 1726289726, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 30.88, "mean_value": 3.2215373, "stdev_value": 3.1822754, "last_update": 1726289792, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.7, "max_value": 10.04, "mean_value": 3.1133663, "stdev_value": 2.4269674, "last_update": 1726289858, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 18.51, "mean_value": 3.1826952, "stdev_value": 2.8279179, "last_update": 1726289923, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 1.6443578, "stdev_value": 1.4933078, "last_update": 1726289596, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.1875639, "max_value": 4.8803052, "mean_value": 1.5780212, "stdev_value": 0.9310342, "last_update": 1726289669, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 311.5972081, "mean_value": 12.3242284, "stdev_value": 21.4442958, "last_update": 1726289734, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 25.0, "mean_value": 1.621688, "stdev_value": 1.2232281, "last_update": 1726289800, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.33, "max_value": 3.79, "mean_value": 1.5610891, "stdev_value": 0.8259443, "last_update": 1726289866, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 6.14, "mean_value": 1.6150413, "stdev_value": 1.0301994, "last_update": 1726289931, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 1.3932569, "stdev_value": 2.6062023, "last_update": 1726289605, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0360529, "max_value": 9.8973181, "mean_value": 1.2029114, "stdev_value": 1.7674604, "last_update": 1726289677, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 718.2098009, "mean_value": 10.4421681, "stdev_value": 31.9354372, "last_update": 1726289742, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 28.57, "mean_value": 1.3101527, "stdev_value": 2.2637251, "last_update": 1726289808, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.14, "max_value": 6.67, "mean_value": 1.3176238, "stdev_value": 1.6497159, "last_update": 1726289874, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 14.02, "mean_value": 1.2876601, "stdev_value": 1.9937787, "last_update": 1726289939, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 50.0, "mean_value": 0.3460934, "stdev_value": 0.7805721, "last_update": 1726289615, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0, "max_value": 2.5932086, "mean_value": 0.3014663, "stdev_value": 0.4370868, "last_update": 1726289685, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 192.012669, "mean_value": 2.5938719, "stdev_value": 8.1395055, "last_update": 1726289751, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 12.5, "mean_value": 0.3339711, "stdev_value": 0.6138528, "last_update": 1726289816, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.01, "max_value": 1.21, "mean_value": 0.2759406, "stdev_value": 0.3452311, "last_update": 1726289882, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 3.51, "mean_value": 0.3223337, "stdev_value": 0.5097009, "last_update": 1726289947, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 99.37, "mean_value": 3.4086414, "stdev_value": 3.693609, "last_update": 1726289624, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.3336541, "max_value": 14.1575439, "mean_value": 3.051273, "stdev_value": 2.5511368, "last_update": 1726289694, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 951.5272992, "mean_value": 25.3124573, "stdev_value": 51.495897, "last_update": 1726289759, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.01, "max_value": 75.83, "mean_value": 3.2620824, "stdev_value": 3.3195448, "last_update": 1726289825, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.7, "max_value": 9.38, "mean_value": 3.1186139, "stdev_value": 2.3827865, "last_update": 1726289890, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.19, "max_value": 16.85, "mean_value": 3.1932555, "stdev_value": 2.7642656, "last_update": 1726289955, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 1.6839222, "stdev_value": 1.8239213, "last_update": 1726289633, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.1970064, "max_value": 4.5111679, "mean_value": 1.5798899, "stdev_value": 0.9131435, "last_update": 1726289702, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 251.621874, "mean_value": 12.3888797, "stdev_value": 20.7906252, "last_update": 1726289767, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.01, "max_value": 8.31, "mean_value": 1.6287361, "stdev_value": 1.1555869, "last_update": 1726289833, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.34, "max_value": 3.47, "mean_value": 1.5593069, "stdev_value": 0.8065159, "last_update": 1726289898, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.14, "max_value": 5.69, "mean_value": 1.6171101, "stdev_value": 1.005931, "last_update": 1726289963, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 99.6, "mean_value": 1.4333536, "stdev_value": 2.6074114, "last_update": 1726289643, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0363832, "max_value": 9.6866761, "mean_value": 1.2066794, "stdev_value": 1.7212328, "last_update": 1726289710, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 595.7486911, "mean_value": 10.0894594, "stdev_value": 29.5698819, "last_update": 1726289775, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 45.7243054, "mean_value": 1.3327615, "stdev_value": 2.3337817, "last_update": 1726289841, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.14, "max_value": 6.19, "mean_value": 1.3211881, "stdev_value": 1.6107039, "last_update": 1726289906, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.01, "max_value": 12.2, "mean_value": 1.2923921, "stdev_value": 1.9332023, "last_update": 1726289971, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 8.13, "mean_value": 0.3517074, "stdev_value": 0.6204577, "last_update": 1726289652, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0008854, "max_value": 2.4302394, "mean_value": 0.3046667, "stdev_value": 0.4299944, "last_update": 1726289718, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 108.7804119, "mean_value": 2.2024723, "stdev_value": 6.3284457, "last_update": 1726289784, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 5.96, "mean_value": 0.3373588, "stdev_value": 0.5813501, "last_update": 1726289849, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.01, "max_value": 1.16, "mean_value": 0.280099, "stdev_value": 0.3407752, "last_update": 1726289915, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 3.31, "mean_value": 0.3263499, "stdev_value": 0.4999662, "last_update": 1726289979, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 328, "min_value": 0.0, "max_value": 1712.0, "mean_value": 35.4599546, "stdev_value": 65.5341225, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 0.0, "max_value": 6967.0, "mean_value": 831.9868726, "stdev_value": 1061.7611531, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 155, "min_value": 0.0, "max_value": 2391.0, "mean_value": 71.4344727, "stdev_value": 120.4955467, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 145, "min_value": 0.0, "max_value": 2281.3040791721087, "mean_value": 74.5352422, "stdev_value": 135.6182876, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 1236.0, "max_value": 21545.0, "mean_value": 8319.8687259, "stdev_value": 3614.1063879, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 44, "min_value": 0.0, "max_value": 4222.0, "mean_value": 237.2687517, "stdev_value": 397.9090323, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 328, "min_value": 0.0, "max_value": 13112.745098, "mean_value": 82.3334549, "stdev_value": 208.9469853, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 0.0, "max_value": 270.6083716, "mean_value": 55.4404785, "stdev_value": 31.2752896, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 155, "min_value": 0.0, "max_value": 13112.745098, "mean_value": 100.5553307, "stdev_value": 270.0243869, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 145, "min_value": 0.0, "max_value": 13112.745098, "mean_value": 103.9871697, "stdev_value": 281.7532115, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 8.575187500706795, "max_value": 150.8930494, "mean_value": 59.3136132, "stdev_value": 25.6406558, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 44, "min_value": 0.0, "max_value": 3221.753721710696, "mean_value": 89.193714, "stdev_value": 173.9372732, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.007874015748031496, "max_value": 0.9310344827586207, "mean_value": 0.278665, "stdev_value": 0.0702235, "last_update": 1619981612, "max_issue": 20210502, "min_lag": 16, "max_lag": 539}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.1797469, "max_value": 0.5482684, "mean_value": 0.2909285, "stdev_value": 0.0491876, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.08001028094199845, "max_value": 0.6593583, "mean_value": 0.2930112, "stdev_value": 0.0585253, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.039657719888075905, "max_value": 0.7577088051783436, "mean_value": 0.2965347, "stdev_value": 0.0598019, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.2206703, "max_value": 0.38552012092106447, "mean_value": 0.2887108, "stdev_value": 0.0346086, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.0575658, "max_value": 0.9310344827586207, "mean_value": 0.3034599, "stdev_value": 0.0678677, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 4, "max_lag": 539}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.02173628565358505, "max_value": 0.8976667192456667, "mean_value": 0.2795002, "stdev_value": 0.060135, "last_update": 1619981615, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.1994976, "max_value": 0.4040249, "mean_value": 0.2932915, "stdev_value": 0.0421952, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.08927350825237748, "max_value": 0.5674837168911971, "mean_value": 0.293722, "stdev_value": 0.0513038, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.05075441398151424, "max_value": 0.6757879586022045, "mean_value": 0.2972941, "stdev_value": 0.052533, "last_update": 1619981636, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.2416674, "max_value": 0.3477498, "mean_value": 0.2910837, "stdev_value": 0.0283847, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.1339286, "max_value": 0.8322408, "mean_value": 0.3011662, "stdev_value": 0.054508, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.004464285714285714, "max_value": 0.4137931, "mean_value": 0.0544141, "stdev_value": 0.0295373, "last_update": 1619981617, "max_issue": 20210502, "min_lag": 16, "max_lag": 539}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.0226403, "max_value": 0.1164575, "mean_value": 0.0552768, "stdev_value": 0.0186925, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.011434172338697951, "max_value": 0.1595878125506952, "mean_value": 0.0521926, "stdev_value": 0.0235929, "last_update": 1619981634, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.007871445450778973, "max_value": 0.2092593, "mean_value": 0.0509874, "stdev_value": 0.0231894, "last_update": 1619981636, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0278687, "max_value": 0.0768372, "mean_value": 0.0547243, "stdev_value": 0.0159177, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.013320918935537341, "max_value": 0.28, "mean_value": 0.055365, "stdev_value": 0.0257244, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 4, "max_lag": 539}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.006896551724137931, "max_value": 0.3333333333333333, "mean_value": 0.0542633, "stdev_value": 0.0178739, "last_update": 1619981621, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.0336392, "max_value": 0.0863855, "mean_value": 0.0545378, "stdev_value": 0.0096541, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.011748844106542549, "max_value": 0.11544231159965582, "mean_value": 0.0520489, "stdev_value": 0.0133283, "last_update": 1619981634, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.01127613188585125, "max_value": 0.1510516, "mean_value": 0.0508328, "stdev_value": 0.0134542, "last_update": 1619981636, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0380634517264083, "max_value": 0.0635446, "mean_value": 0.0539855, "stdev_value": 0.0060352, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.014143177710892891, "max_value": 0.2233333, "mean_value": 0.0533023, "stdev_value": 0.0147557, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.0, "max_value": 1439.0, "mean_value": 624.5131019, "stdev_value": 131.4666819, "last_update": 1619981623, "max_issue": 20210502, "min_lag": 16, "max_lag": 536}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 398.1290312, "max_value": 987.4156667, "mean_value": 692.5885915, "stdev_value": 72.3209312, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 60.61710037174721, "max_value": 1230.8227360308285, "mean_value": 659.6106675, "stdev_value": 96.0502621, "last_update": 1619981634, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.0, "max_value": 1291.027397260274, "mean_value": 652.1446074, "stdev_value": 96.356952, "last_update": 1619981637, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 498.1061097, "max_value": 955.4602784, "mean_value": 695.6873728, "stdev_value": 59.8301174, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.0, "max_value": 1439.0, "mean_value": 638.33047, "stdev_value": 111.1091946, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 4, "max_lag": 536}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.0, "max_value": 1259.8848653667594, "mean_value": 624.4795319, "stdev_value": 114.298693, "last_update": 1619981626, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 556.3816959, "max_value": 837.4941722, "mean_value": 692.659163, "stdev_value": 50.8156061, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 100.59797657082002, "max_value": 1161.8768055167272, "mean_value": 659.5732816, "stdev_value": 81.9092483, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 5.128585558852621, "max_value": 1181.1115459882583, "mean_value": 652.2258676, "stdev_value": 81.3926929, "last_update": 1619981637, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 610.6005169, "max_value": 750.6838576, "mean_value": 695.7465289, "stdev_value": 34.26082, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.0, "max_value": 1095.2676687283972, "mean_value": 642.2644286, "stdev_value": 88.5509973, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.006172839506172839, "max_value": 0.6, "mean_value": 0.0932559, "stdev_value": 0.035791, "last_update": 1619981628, "max_issue": 20210502, "min_lag": 16, "max_lag": 539}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.0412934, "max_value": 0.1455495, "mean_value": 0.0831563, "stdev_value": 0.0224993, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.023324723731039186, "max_value": 0.20595583932566194, "mean_value": 0.0881441, "stdev_value": 0.0291706, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.01723398228380942, "max_value": 0.2504762, "mean_value": 0.0875711, "stdev_value": 0.0291497, "last_update": 1619981637, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0507607, "max_value": 0.1064855, "mean_value": 0.0830949, "stdev_value": 0.0162921, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.021739130434782608, "max_value": 0.38888888888888884, "mean_value": 0.0882391, "stdev_value": 0.0289185, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 4, "max_lag": 539}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.012987012987012988, "max_value": 0.3333333333333333, "mean_value": 0.093027, "stdev_value": 0.0233194, "last_update": 1619981631, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.052794, "max_value": 0.1259997, "mean_value": 0.0822747, "stdev_value": 0.0157529, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.029345368495015154, "max_value": 0.1669262755029665, "mean_value": 0.0879483, "stdev_value": 0.0194639, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.023301771007538004, "max_value": 0.17497948636724578, "mean_value": 0.0873612, "stdev_value": 0.0194203, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0646221, "max_value": 0.0934234, "mean_value": 0.0822052, "stdev_value": 0.0064839, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.02990319988485851, "max_value": 0.2233333, "mean_value": 0.0870579, "stdev_value": 0.0189547, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 2558, "min_value": 0.0, "max_value": 33649.76197787811, "mean_value": 336.9821415, "stdev_value": 1011.0176971, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 1229.0, "max_value": 464246.0, "mean_value": 85506.3042471, "stdev_value": 91044.9764197, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 306, "min_value": 0.0, "max_value": 58188.0, "mean_value": 2739.1807406, "stdev_value": 4211.6777334, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 392, "min_value": 0.0, "max_value": 77776.3205829467, "mean_value": 1929.7680653, "stdev_value": 4095.6358663, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 172675.0, "max_value": 1398876.0, "mean_value": 855063.042471, "stdev_value": 206610.5315481, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 52, "min_value": 0.0, "max_value": 223549.01494440317, "mean_value": 16132.0774158, "stdev_value": 22711.4546914, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 2558, "min_value": 0.0, "max_value": 66495.09824914185, "mean_value": 356.5319925, "stdev_value": 486.8617561, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 16.0178065, "max_value": 994.7253426, "mean_value": 309.1208048, "stdev_value": 189.5336784, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 306, "min_value": 0.0, "max_value": 3379.2991361096174, "mean_value": 393.3603518, "stdev_value": 262.3700685, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 392, "min_value": 0.0, "max_value": 3087.815754537735, "mean_value": 433.5970141, "stdev_value": 312.9316116, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 71.5862474, "max_value": 569.1083054, "mean_value": 349.807256, "stdev_value": 83.7868593, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 52, "min_value": 0.0, "max_value": 1600.2592679, "mean_value": 339.210474, "stdev_value": 214.4236077, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3193, "min_value": 0.0, "max_value": 1223614.2857143, "mean_value": 4336.4998223, "stdev_value": 21959.0204341, "last_update": 1635443962, "max_issue": 20211028, "min_lag": 1, "max_lag": 376}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 7188417.5714286, "mean_value": 1417317.9361391, "stdev_value": 1736122.336279, "last_update": 1627149219, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 1231096.211411, "mean_value": 45125.6711433, "stdev_value": 88178.7582502, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 2315347.8571429, "mean_value": 31521.949434, "stdev_value": 107155.0212596, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 6.857142857142857, "max_value": 33508411.7142857, "mean_value": 14173179.3613914, "stdev_value": 12729369.5771938, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 3760285.8571429, "mean_value": 272108.5873225, "stdev_value": 498689.1922484, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 340}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3142, "min_value": 0.0, "max_value": 82672.5905673, "mean_value": 4201.1135246, "stdev_value": 4647.9993861, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 334}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 11461.7348321, "mean_value": 4201.859079, "stdev_value": 3901.7456733, "last_update": 1627149219, "max_issue": 20210724, "min_lag": 1, "max_lag": 384}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 17582.261312, "mean_value": 4174.058408, "stdev_value": 4258.6713526, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 17506.9444955, "mean_value": 4219.8452245, "stdev_value": 4246.6430414, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 0.002089066787104385, "max_value": 10208.5243751, "mean_value": 4317.9380813, "stdev_value": 3878.073384, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 14571.1616265, "mean_value": 4184.3877956, "stdev_value": 4294.5691621, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 340}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3193, "min_value": -78001.8571429, "max_value": 53643.5714286, "mean_value": 28.128576, "stdev_value": 261.9637152, "last_update": 1672863885, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -5228.8571429, "max_value": 158359.1428571, "mean_value": 8978.6355871, "stdev_value": 14923.8713348, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -38721.7635559, "max_value": 51800.1821995, "mean_value": 286.9054939, "stdev_value": 834.8624087, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -67833.5714286, "max_value": 99088.0, "mean_value": 196.6737498, "stdev_value": 1009.1580688, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -106.7142857, "max_value": 793051.4285714, "mean_value": 89786.3558709, "stdev_value": 113079.8738132, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -6852.1428571, "max_value": 127472.2857143, "mean_value": 1760.5177794, "stdev_value": 4305.5097969, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3142, "min_value": -44650.5272976, "max_value": 44722.5244831, "mean_value": 26.4997697, "stdev_value": 103.2413688, "last_update": 1672863886, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -35.2171639, "max_value": 449.3509318, "mean_value": 26.8299102, "stdev_value": 36.562245, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -2034.5005476, "max_value": 1135.7596836, "mean_value": 26.6935049, "stdev_value": 42.9954384, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -2822.6960987, "max_value": 1494.0649278, "mean_value": 26.8544845, "stdev_value": 43.7354226, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -0.0323892, "max_value": 240.7017119, "mean_value": 27.2513595, "stdev_value": 34.3212536, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -219.9902025, "max_value": 529.4548894, "mean_value": 27.6516619, "stdev_value": 39.7897067, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": 0.0, "max_value": 3420119.0, "mean_value": 13416.5229115, "stdev_value": 58900.0500137, "last_update": 1672863886, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 20923900.0, "mean_value": 4254855.322905, "stdev_value": 4688048.8703272, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 3435284.8617095, "mean_value": 138312.0941972, "stdev_value": 235778.8992406, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 6776125.0, "mean_value": 94699.4364589, "stdev_value": 292733.9037178, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 32.0, "max_value": 95878582.0, "mean_value": 42548553.2290503, "stdev_value": 33478213.8602107, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 10887571.0, "mean_value": 839542.6606713, "stdev_value": 1355143.0742701, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": 0.0, "max_value": 357367.8483477, "mean_value": 12978.6757711, "stdev_value": 10949.3357589, "last_update": 1672863887, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 33090.0646997, "mean_value": 12675.3273795, "stdev_value": 10149.5494649, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 51022.08092, "mean_value": 12921.0507086, "stdev_value": 10436.1263936, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 45312.9383475, "mean_value": 12941.2746288, "stdev_value": 10570.6794767, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 0.0097124, "max_value": 29100.4315635, "mean_value": 12914.0547924, "stdev_value": 10161.0855207, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 39956.2019629, "mean_value": 13155.6130204, "stdev_value": 10748.9246133, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": -546013.0, "max_value": 353962.0, "mean_value": 28.1504973, "stdev_value": 743.201466, "last_update": 1672863888, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -46738.0, "max_value": 363306.0, "mean_value": 8927.1732775, "stdev_value": 18062.0651374, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -271052.3448913, "max_value": 185965.4417602, "mean_value": 287.0509706, "stdev_value": 1501.1778561, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -475087.0, "max_value": 228158.0, "mean_value": 196.7937273, "stdev_value": 1653.8254242, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -13697.0, "max_value": 1226142.0, "mean_value": 89271.7327747, "stdev_value": 126470.3878782, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -47965.0, "max_value": 345159.0, "mean_value": 1761.6856166, "stdev_value": 5777.1075014, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": -312553.691083, "max_value": 312696.8673043, "mean_value": 26.5650265, "stdev_value": 304.9645635, "last_update": 1672863888, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -314.7876796, "max_value": 784.7260585, "mean_value": 26.6778423, "stdev_value": 46.770253, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -14323.2666099, "max_value": 7950.3122014, "mean_value": 26.6953788, "stdev_value": 85.6476479, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -19793.9711082, "max_value": 10458.4544948, "mean_value": 26.8695905, "stdev_value": 88.3641895, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -4.1572226, "max_value": 372.1504909, "mean_value": 27.0951645, "stdev_value": 38.3854537, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -1638.2168618, "max_value": 1722.6928949, "mean_value": 27.6722931, "stdev_value": 65.5128442, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3193, "min_value": -0.8571429, "max_value": 24591.7142857, "mean_value": 87.4804083, "stdev_value": 452.1448093, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 376}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 122223.8571429, "mean_value": 28144.6630112, "stdev_value": 30097.3115609, "last_update": 1627149220, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 24684.7851819, "mean_value": 909.9843131, "stdev_value": 1806.2630771, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 337}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 64098.5714286, "mean_value": 627.3933306, "stdev_value": 2781.3438476, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 0.0, "max_value": 602929.5714286, "mean_value": 281446.6301115, "stdev_value": 209147.4997157, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 63489.1428571, "mean_value": 5482.0339214, "stdev_value": 9408.7635076, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 312}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3142, "min_value": 0.0, "max_value": 865.8008658, "mean_value": 85.0257793, "stdev_value": 108.8292357, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 333}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 281.8448579, "mean_value": 84.9987066, "stdev_value": 73.1618796, "last_update": 1627149220, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 447.3055058, "mean_value": 82.5973216, "stdev_value": 83.5682306, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 337}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 409.4583782, "mean_value": 75.022065, "stdev_value": 79.4840691, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 0.0, "max_value": 183.6858541, "mean_value": 85.7442844, "stdev_value": 63.7179514, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 298.2372591, "mean_value": 77.3747468, "stdev_value": 74.9940189, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 312}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3193, "min_value": -1140.0, "max_value": 1345.5714286, "mean_value": 0.3135858, "stdev_value": 3.9649796, "last_update": 1672863889, "max_issue": 20230104, "min_lag": 1, "max_lag": 628}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -514.1428571, "max_value": 1211.0, "mean_value": 100.0959968, "stdev_value": 139.1133421, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -565.9199931, "max_value": 430.8454645, "mean_value": 3.0379385, "stdev_value": 9.6241823, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -1163.7142857, "max_value": 1185.0, "mean_value": 1.9671742, "stdev_value": 12.5240928, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -41.2857143, "max_value": 3537.2857143, "mean_value": 1000.9599679, "stdev_value": 811.1933866, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -531.7142857, "max_value": 955.8571428571429, "mean_value": 19.6267133, "stdev_value": 43.3457142, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3142, "min_value": -1345.5069678, "max_value": 1345.5069678, "mean_value": 0.3657449, "stdev_value": 1.8136157, "last_update": 1672863890, "max_issue": 20230104, "min_lag": 1, "max_lag": 628}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -3.4628319, "max_value": 4.183583, "mean_value": 0.2882408, "stdev_value": 0.358071, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -38.6217947, "max_value": 14.3513787, "mean_value": 0.3029906, "stdev_value": 0.5533538, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -53.3820085, "max_value": 29.0639867, "mean_value": 0.2956424, "stdev_value": 0.5762059, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -0.0125308, "max_value": 1.0736135, "mean_value": 0.3038047, "stdev_value": 0.246208, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -7.7131875, "max_value": 7.8089447, "mean_value": 0.2947568, "stdev_value": 0.4184295, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": -6.0, "max_value": 46633.0, "mean_value": 187.0525139, "stdev_value": 855.1497099, "last_update": 1672863890, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 250138.0, "mean_value": 59318.2670391, "stdev_value": 57192.4003154, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 34539.5623136, "mean_value": 1874.025571, "stdev_value": 2942.5701208, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 600}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 84086.0, "mean_value": 1239.8201199, "stdev_value": 4089.9341829, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 600}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 1.0, "max_value": 1068791.0, "mean_value": 593182.6703911, "stdev_value": 361324.0341839, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 97562.0, "mean_value": 11705.6167019, "stdev_value": 16827.3441965, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": 0.0, "max_value": 9418.5487746, "mean_value": 208.462631, "stdev_value": 186.8944545, "last_update": 1672863891, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 390.3838766, "mean_value": 172.7502603, "stdev_value": 112.6269236, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 599.3774413, "mean_value": 181.0972097, "stdev_value": 136.1583754, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 686.0646166, "mean_value": 172.4510664, "stdev_value": 138.5730553, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 0.0003035, "max_value": 324.3923586, "mean_value": 180.0388715, "stdev_value": 109.6666754, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 441.4541527, "mean_value": 171.4492517, "stdev_value": 124.1326156, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": -7980.0, "max_value": 9356.0, "mean_value": 0.3138132, "stdev_value": 9.4224201, "last_update": 1672863892, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -3719.0, "max_value": 3112.0, "mean_value": 99.5148976, "stdev_value": 185.3103413, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -3961.4399515, "max_value": 2948.8846453, "mean_value": 3.0401694, "stdev_value": 18.3135562, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -8147.0, "max_value": 3165.0, "mean_value": 1.9685633, "stdev_value": 21.1782972, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -2889.0, "max_value": 5057.0, "mean_value": 995.1489758, "stdev_value": 972.6433335, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -3722.0, "max_value": 3112.0, "mean_value": 19.6401808, "stdev_value": 67.2644769, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": -9418.5487746, "max_value": 9418.5487746, "mean_value": 0.3660363, "stdev_value": 8.2752559, "last_update": 1672863892, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -25.0480419, "max_value": 20.4285247, "mean_value": 0.286551, "stdev_value": 0.5491529, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -270.438116, "max_value": 100.4596506, "mean_value": 0.3031668, "stdev_value": 1.1652841, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -373.6740598, "max_value": 203.4479066, "mean_value": 0.295851, "stdev_value": 1.2544093, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -0.8768501, "max_value": 1.5348671, "mean_value": 0.302041, "stdev_value": 0.2952103, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -53.9923123, "max_value": 54.6626129, "mean_value": 0.2949155, "stdev_value": 0.8675433, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "youtube-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200601, "num_locations": 19, "min_value": 0.0, "max_value": 3.083081763746322, "mean_value": 0.8598539, "stdev_value": 0.6421984, "last_update": 1591098694, "max_issue": 20200603, "min_lag": 2, "max_lag": 11}, {"data_source": "youtube-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200601, "num_locations": 19, "min_value": 0.0, "max_value": 3.1956943281688743, "mean_value": 0.8591775, "stdev_value": 0.6492578, "last_update": 1591098694, "max_issue": 20200603, "min_lag": 2, "max_lag": 11}, {"data_source": "youtube-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200622, "num_locations": 42, "min_value": 0.0, "max_value": 4.5321637426900585, "mean_value": 0.8980185, "stdev_value": 0.5737264, "last_update": 1593003095, "max_issue": 20200625, "min_lag": 2, "max_lag": 11}, {"data_source": "youtube-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200622, "num_locations": 42, "min_value": 0.0, "max_value": 4.5321637426900585, "mean_value": 0.8926679, "stdev_value": 0.5741616, "last_update": 1593003095, "max_issue": 20200625, "min_lag": 2, "max_lag": 11}], "result": 1, "message": "success"} \ No newline at end of file diff --git a/google_symptoms/tests/test_data/covid_metadata_backfill.csv b/google_symptoms/tests/test_data/covid_metadata_backfill.csv deleted file mode 100644 index 728777890..000000000 --- a/google_symptoms/tests/test_data/covid_metadata_backfill.csv +++ /dev/null @@ -1,2473 +0,0 @@ -data_source,signal,time_type,geo_type,min_time,max_time,num_locations,min_value,max_value,mean_value,stdev_value,last_update,max_issue,min_lag,max_lag -chng,7dav_inpatient_covid,day,state,2020-01-01,2023-08-01,58.0,0.0,1.0,0.0379778,0.046107,2024-04-01 09:24:40,20230801,0,1308.0 -chng,7dav_outpatient_covid,day,state,2019-01-01,2023-08-01,56.0,0.0,1.0,0.0057763,0.0102741,2024-04-01 09:24:40,20230801,0,1673.0 -chng,smoothed_adj_outpatient_cli,day,county,2020-02-01,2024-02-14,3119.0,0.0009331,99.9980495,1.9238237,3.7179059,2024-02-20 03:40:32,20240219,3,674.0 -chng,smoothed_adj_outpatient_cli,day,hhs,2020-02-01,2024-02-14,10.0,0.0061953,99.9996572,2.1786572,2.9502248,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_adj_outpatient_cli,day,hrr,2020-02-01,2024-02-14,306.0,0.0010292,50.815903,1.9914499,2.5739816,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_adj_outpatient_cli,day,msa,2020-02-01,2024-02-14,392.0,0.0007662,99.9989806,1.8325651,2.7690113,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_cli,day,nation,2020-02-01,2024-02-14,1.0,0.0154639,12.0869746,2.3476915,2.2792631,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_cli,day,state,2020-02-01,2024-02-14,55.0,0.0013343,99.9995633,1.9595093,2.8460771,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_covid,day,county,2020-02-01,2024-02-14,3118.0,0.0007317,99.7382199,0.7897597,1.2604588,2024-02-20 03:40:33,20240219,3,674.0 -chng,smoothed_adj_outpatient_covid,day,hhs,2020-02-01,2024-02-14,10.0,9.94e-05,47.1757678,0.758748,1.2752592,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_adj_outpatient_covid,day,hrr,2020-02-01,2024-02-14,306.0,0.0004377,50.3590956,0.7379263,0.9213437,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_adj_outpatient_covid,day,msa,2020-02-01,2024-02-14,392.0,0.0003621,84.2126626,0.7507935,1.2899205,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_covid,day,nation,2020-02-01,2024-02-14,1.0,0.0002647,29.0740775,0.7761674,1.1225822,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_covid,day,state,2020-02-01,2024-02-14,55.0,0.0001764,99.984985,0.799901,2.2962465,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_flu,day,county,2020-02-01,2024-02-14,3118.0,0.0007864,99.8031496,0.2200146,0.5945624,2024-02-20 03:40:33,20240219,4,674.0 -smoothed_adj_outpatient_flu,day,hhs,2020-02-01,2024-02-14,10,0.0001256,2.9665199,0.129573,0.2910451,2024-02-20 03:40:36,20240219,5,674, -chng,smoothed_adj_outpatient_flu,day,hrr,2020-02-01,2024-02-14,306.0,0.0006665,7.3989023,0.157989,0.3502602,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_adj_outpatient_flu,day,msa,2020-02-01,2024-02-14,392.0,0.0005895,9.1334945,0.1593255,0.3449737,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_flu,day,nation,2020-02-01,2024-02-14,1.0,0.0042567,2.1340409,0.1410768,0.2817595,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_adj_outpatient_flu,day,state,2020-02-01,2024-02-14,55.0,0.0003211,5.0601173,0.1349185,0.3161708,2024-02-20 03:40:38,20240219,5,674.0 -chng,smoothed_outpatient_cli,day,county,2020-02-01,2024-02-14,3119.0,0.0008986,99.911661,1.7494246,3.2141828,2024-02-20 03:40:34,20240219,3,674.0 -chng,smoothed_outpatient_cli,day,hhs,2020-02-01,2024-02-14,10.0,0.0057532,21.7526533,2.1935759,2.4568923,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_outpatient_cli,day,hrr,2020-02-01,2024-02-14,306.0,0.0010292,54.076492,2.0121518,2.5913195,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_outpatient_cli,day,msa,2020-02-01,2024-02-14,392.0,0.0007571,54.213362,1.7692415,2.3668653,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_cli,day,nation,2020-02-01,2024-02-14,1.0,0.014286,13.183495,2.4016659,2.3445632,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_cli,day,state,2020-02-01,2024-02-14,55.0,0.0012136,38.0980677,1.976939,2.4902626,2024-02-20 03:40:38,20240219,5,674.0 -chng,smoothed_outpatient_covid,day,county,2020-02-01,2024-02-14,3118.0,0.0007317,99.7382199,0.7295667,1.1518214,2024-02-20 03:40:35,20240219,3,674.0 -chng,smoothed_outpatient_covid,day,hhs,2020-02-01,2024-02-14,10.0,0.0001026,7.902697,0.7473772,0.7532255,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_outpatient_covid,day,hrr,2020-02-01,2024-02-14,306.0,0.0004265,13.8813489,0.75981,0.8821325,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_outpatient_covid,day,msa,2020-02-01,2024-02-14,392.0,0.0003196,15.0058502,0.6983567,0.8724389,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_covid,day,nation,2020-02-01,2024-02-14,1.0,0.0002781,5.7484116,0.7763361,0.7077705,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_covid,day,state,2020-02-01,2024-02-14,55.0,0.0001764,10.9664911,0.7277603,0.824994,2024-02-20 03:40:38,20240219,5,674.0 -chng,smoothed_outpatient_flu,day,county,2020-02-01,2024-02-14,3118.0,0.0007864,99.8031496,0.2120383,0.5747436,2024-02-20 03:40:35,20240219,4,674.0 -chng,smoothed_outpatient_flu,day,hhs,2020-02-01,2024-02-14,10.0,0.0001256,3.3283321,0.1325491,0.2889045,2024-02-20 03:40:36,20240219,5,674.0 -chng,smoothed_outpatient_flu,day,hrr,2020-02-01,2024-02-14,306.0,0.0007358,7.7181903,0.1580634,0.3454277,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_flu,day,msa,2020-02-01,2024-02-14,392.0,0.0005895,7.7881801,0.1547919,0.327931,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_flu,day,nation,2020-02-01,2024-02-14,1.0,0.0042154,1.8960681,0.1439693,0.2751247,2024-02-20 03:40:37,20240219,5,674.0 -chng,smoothed_outpatient_flu,day,state,2020-02-01,2024-02-14,55.0,0.0003211,5.2040069,0.1365516,0.3116242,2024-02-20 03:40:38,20240219,5,674.0 -covid-act-now,pcr_specimen_positivity_rate,day,county,2020-03-01,2021-12-02,3126.0,0.0,1.0,0.0979475,0.0903481,2021-12-10 17:59:11,20211210,2,529.0 -covid-act-now,pcr_specimen_positivity_rate,day,hhs,2020-03-01,2021-12-02,10.0,0.0,0.65,0.0806975,0.0559965,2021-12-10 17:59:14,20211210,8,585.0 -covid-act-now,pcr_specimen_positivity_rate,day,hrr,2020-03-01,2021-12-02,306.0,0.0,1.0,0.0864302,0.069691,2021-12-10 17:59:15,20211210,4,599.0 -covid-act-now,pcr_specimen_positivity_rate,day,msa,2020-03-01,2021-12-02,384.0,0.0,1.0,0.087359,0.0711056,2021-12-10 17:59:15,20211210,3,529.0 -covid-act-now,pcr_specimen_positivity_rate,day,nation,2020-03-01,2021-12-02,1.0,0.0180044,0.2183382,0.0809607,0.0406573,2021-12-10 17:59:15,20211210,8,529.0 -covid-act-now,pcr_specimen_positivity_rate,day,state,2020-03-01,2021-12-02,51.0,0.0,1.0,0.0834229,0.0659636,2021-12-10 17:59:15,20211210,3,585.0 -covid-act-now,pcr_specimen_total_tests,day,county,2020-03-01,2021-12-02,3126.0,0.14,161333.71,338.7239566,1757.0608222,2021-12-10 17:59:13,20211210,2,428.0 -covid-act-now,pcr_specimen_total_tests,day,hhs,2020-03-01,2021-12-02,10.0,2.0,387262.01,98225.6981138,78754.8915,2021-12-10 17:59:15,20211210,8,585.0 -covid-act-now,pcr_specimen_total_tests,day,hrr,2020-03-01,2021-12-02,306.0,1.55e-05,161288.2579186,3240.5090482,6316.7070508,2021-12-10 17:59:15,20211210,4,526.0 -covid-act-now,pcr_specimen_total_tests,day,msa,2020-03-01,2021-12-02,384.0,0.14,174380.71,2342.0841463,7999.6725139,2021-12-10 17:59:15,20211210,2,428.0 -covid-act-now,pcr_specimen_total_tests,day,nation,2020-03-01,2021-12-02,1.0,1433.8,1768763.07,981518.2845639,460852.3824205,2021-12-10 17:59:15,20211210,8,428.0 -covid-act-now,pcr_specimen_total_tests,day,state,2020-03-01,2021-12-02,51.0,0.14,344887.85,19433.6865717,31650.7665229,2021-12-10 17:59:15,20211210,2,585.0 -doctor-visits,smoothed_adj_cli,day,county,2020-02-01,2024-07-12,2594.0,0.0,87.670832,2.3358112,3.5540203,2024-07-17 00:18:37,20240716,2,129.0 -doctor-visits,smoothed_adj_cli,day,hhs,2020-02-01,2024-07-12,10.0,0.071857,31.731976,2.8805662,3.4617466,2024-07-17 00:18:40,20240716,4,126.0 -doctor-visits,smoothed_adj_cli,day,hrr,2020-02-01,2024-07-12,306.0,0.0,62.072299,2.6495845,3.6460135,2024-07-17 00:18:43,20240716,4,129.0 -doctor-visits,smoothed_adj_cli,day,msa,2020-02-01,2024-07-12,384.0,0.0,83.92411,2.4590565,3.5400049,2024-07-17 00:18:45,20240716,4,129.0 -doctor-visits,smoothed_adj_cli,day,nation,2020-02-01,2024-07-12,1.0,0.120549,21.575689,3.0877363,3.4208281,2024-07-17 00:18:48,20240716,4,126.0 -doctor-visits,smoothed_adj_cli,day,state,2020-02-01,2024-07-12,53.0,0.0,79.135443,2.6750998,3.9470251,2024-07-17 00:18:50,20240716,3,129.0 -doctor-visits,smoothed_cli,day,county,2020-02-01,2024-07-12,2594.0,0.0,76.569615,1.9889825,3.0497556,2024-07-17 00:18:39,20240716,2,129.0 -doctor-visits,smoothed_cli,day,hhs,2020-02-01,2024-07-12,10.0,0.055393,35.777605,3.1877169,3.8427966,2024-07-17 00:18:42,20240716,4,126.0 -doctor-visits,smoothed_cli,day,hrr,2020-02-01,2024-07-12,306.0,0.0,52.474626,2.5259156,3.5549362,2024-07-17 00:18:44,20240716,4,129.0 -doctor-visits,smoothed_cli,day,msa,2020-02-01,2024-07-12,385.0,0.0,65.645487,2.2165108,3.2350177,2024-07-17 00:18:47,20240716,4,129.0 -doctor-visits,smoothed_cli,day,nation,2020-02-01,2024-07-12,1.0,0.120689,26.252728,3.4213596,3.8325068,2024-07-17 00:18:49,20240716,4,126.0 -doctor-visits,smoothed_cli,day,state,2020-02-01,2024-07-12,53.0,0.0,61.764374,2.8345543,3.9843822,2024-07-17 00:18:52,20240716,3,129.0 -dsew-cpr,booster_doses_admin_7dav,day,hhs,2021-11-01,2023-02-22,10.0,360.8571429,211419.2857143,25422.797562,37932.1282922,2023-02-24 16:51:39,20230224,1,182.0 -dsew-cpr,booster_doses_admin_7dav,day,nation,2021-11-01,2023-02-22,1.0,14740.2857143,1100514.8571429,257525.9704433,312271.1870132,2023-02-24 16:51:40,20230224,1,182.0 -dsew-cpr,booster_doses_admin_7dav,day,state,2021-11-01,2023-02-22,56.0,0.0,194532.1428571,4613.3131688,11601.9151563,2023-02-24 16:51:40,20230224,1,182.0 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,county,2021-01-07,2023-02-21,3272.0,0.0,825.5714285714286,2.3294191,9.6538384,2023-02-24 16:51:16,20230224,3,480.0 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,hhs,2020-12-16,2023-02-21,10.0,23.2857143,4990.0,667.6785049,780.5578655,2023-02-24 16:51:30,20230224,3,502.0 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,msa,2021-01-07,2023-02-21,392.0,0.0,1902.7142857142856,14.2411998,42.714571,2023-02-24 16:51:31,20230224,3,480.0 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,nation,2020-12-16,2023-02-21,1.0,1338.2857143,21086.1428571,6676.7850488,4537.105663,2023-02-24 16:51:32,20230224,3,502.0 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,state,2020-12-16,2023-02-21,56.0,0.0,2379.0,119.5731249,215.9007672,2023-02-24 16:51:32,20230224,3,502.0 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,county,2021-01-07,2023-02-21,3219.0,0.0,569.2346462,1.8762013,4.3113657,2023-02-24 16:51:24,20230224,3,480.0 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,hhs,2020-12-16,2023-02-21,10.0,0.1568329,8.1781998,1.863108,1.4513172,2023-02-24 16:51:30,20230224,3,502.0 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,msa,2021-01-07,2023-02-21,392.0,0.0,52.2139965155508,2.1629876,2.5039056,2023-02-24 16:51:32,20230224,3,480.0 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,nation,2020-12-16,2023-02-21,1.0,0.4005607,6.3112681,1.9984205,1.3579956,2023-02-24 16:51:32,20230224,3,502.0 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,state,2020-12-16,2023-02-21,56.0,0.0,35.7918347,1.9012573,1.9888021,2023-02-24 16:51:33,20230224,3,502.0 -dsew-cpr,covid_naat_pct_positive_7dav,day,county,2020-12-07,2023-02-20,3198.0,0.0,1.0,0.1155519,0.0997406,2023-02-24 16:51:15,20230224,4,522.0 -dsew-cpr,covid_naat_pct_positive_7dav,day,hhs,2020-12-07,2023-02-20,10.0,0.004,0.436,0.0919346,0.0679411,2023-02-24 16:51:16,20230224,4,522.0 -dsew-cpr,covid_naat_pct_positive_7dav,day,msa,2020-12-07,2023-02-20,392.0,0.0,1.0,0.1084464,0.0916635,2023-02-24 16:51:16,20230224,4,522.0 -dsew-cpr,covid_naat_pct_positive_7dav,day,nation,2020-12-07,2023-02-20,1.0,0.0197007,0.3145435,0.097572,0.0623476,2023-02-24 16:51:16,20230224,4,522.0 -dsew-cpr,covid_naat_pct_positive_7dav,day,state,2020-12-07,2023-02-20,55.0,0.0,0.946,0.0997204,0.0823642,2023-02-24 16:51:16,20230224,4,522.0 -dsew-cpr,doses_admin_7dav,day,hhs,2021-05-02,2023-02-22,10.0,-25415.0,416729.2857143,70956.6438044,69418.1294544,2023-02-24 16:51:39,20230224,1,365.0 -dsew-cpr,doses_admin_7dav,day,nation,2021-05-02,2023-02-22,1.0,84396.2857143,2405770.1428571,706882.2067602,508222.8169732,2023-02-24 16:51:40,20230224,1,365.0 -dsew-cpr,doses_admin_7dav,day,state,2021-05-02,2023-02-22,56.0,-34912.7142857,340911.8571429,12732.1491109,23061.218246,2023-02-24 16:51:40,20230224,1,365.0 -dsew-cpr,people_booster_doses,day,hhs,2021-11-01,2023-02-22,10.0,798354.0,21409818.0,9252301.1570292,5435063.9417483,2023-02-24 16:51:39,20230224,1,182.0 -dsew-cpr,people_booster_doses,day,nation,2021-11-01,2023-02-22,1.0,19141580.0,117047500.0,92522945.6153846,24244972.5200394,2023-02-24 16:51:40,20230224,1,182.0 -dsew-cpr,people_booster_doses,day,state,2021-11-01,2023-02-22,56.0,143.0,17335732.0,1652195.4574176,2259512.8844226,2023-02-24 16:51:40,20230224,1,182.0 -dsew-cpr,people_full_vaccinated,day,county,2021-04-12,2023-02-22,3272.0,18.0,7519699.0,59563.0639614,211223.6154859,2023-02-24 16:51:33,20230224,1,385.0 -dsew-cpr,people_full_vaccinated,day,hhs,2021-01-15,2023-02-22,10.0,62625.0,41839198.0,17210344.7447526,11586031.1172692,2023-02-24 16:51:39,20230224,1,472.0 -dsew-cpr,people_full_vaccinated,day,msa,2021-04-12,2023-02-22,392.0,70.0,15491795.0,418183.4066464,1051278.8411392,2023-02-24 16:51:39,20230224,1,385.0 -dsew-cpr,people_full_vaccinated,day,nation,2021-01-15,2023-02-22,1.0,1540774.0,228878714.0,172103447.4475262,65899353.6538525,2023-02-24 16:51:40,20230224,1,472.0 -dsew-cpr,people_full_vaccinated,day,state,2021-01-15,2023-02-22,56.0,0.0,29504730.0,3073275.8472773,4305501.1704603,2023-02-24 16:51:40,20230224,1,472.0 -fb-survey,raw_cli,day,county,2020-04-06,2022-06-25,642.0,0.0,19.047619047619047,0.9247258,0.998862,2022-07-01 14:59:42,20220701,1,150.0 -fb-survey,raw_cli,day,hrr,2020-04-06,2022-06-25,306.0,0.0,11.0607993,0.9550459,1.0436459,2022-07-01 14:59:57,20220701,3,150.0 -fb-survey,raw_cli,day,msa,2020-04-06,2022-06-25,342.0,0.0,10.9638047,0.8877732,0.9860774,2022-07-01 15:00:12,20220701,4,150.0 -fb-survey,raw_cli,day,nation,2020-04-06,2022-06-26,1.0,0.338621,4.9208848,1.1742658,0.7933958,2022-07-01 15:00:22,20220701,2,253.0 -fb-survey,raw_cli,day,state,2020-04-06,2022-06-25,51.0,0.0,11.081765,1.1699135,1.0178461,2022-07-01 15:00:26,20220701,4,150.0 -fb-survey,raw_hh_cmnty_cli,day,county,2020-04-15,2022-06-25,351.0,0.4092675,68.9130435,21.0312594,9.4592786,2022-07-01 14:59:42,20220701,1,141.0 -fb-survey,raw_hh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,288.0,1.2711864,68.9054726,21.6422026,9.9707881,2022-07-01 14:59:57,20220701,4,141.0 -fb-survey,raw_hh_cmnty_cli,day,msa,2020-04-15,2022-06-25,215.0,2.2987534,68.9130435,20.9525067,9.5781275,2022-07-01 15:00:12,20220701,4,141.0 -fb-survey,raw_hh_cmnty_cli,day,nation,2020-04-15,2022-06-26,1.0,8.6940597,48.3062084,21.5924631,7.4691767,2022-07-01 15:00:23,20220701,2,244.0 -fb-survey,raw_hh_cmnty_cli,day,state,2020-04-15,2022-06-25,51.0,2.9411765,66.9255021,22.2057274,9.7290508,2022-07-01 15:00:26,20220701,4,141.0 -fb-survey,raw_ili,day,county,2020-04-06,2022-06-25,642.0,0.0,19.047619047619047,0.9478843,1.0147259,2022-07-01 14:59:42,20220701,1,150.0 -fb-survey,raw_ili,day,hrr,2020-04-06,2022-06-25,306.0,0.0,11.2681159,0.9779726,1.061052,2022-07-01 14:59:57,20220701,3,150.0 -fb-survey,raw_ili,day,msa,2020-04-06,2022-06-25,342.0,0.0,10.9638047,0.9124409,1.004418,2022-07-01 15:00:12,20220701,4,150.0 -fb-survey,raw_ili,day,nation,2020-04-06,2022-06-26,1.0,0.3525545,5.0480449,1.2000985,0.8120644,2022-07-01 15:00:23,20220701,2,253.0 -fb-survey,raw_ili,day,state,2020-04-06,2022-06-25,51.0,0.0,11.081765,1.1941615,1.0364316,2022-07-01 15:00:26,20220701,4,150.0 -fb-survey,raw_nohh_cmnty_cli,day,county,2020-04-15,2022-06-25,351.0,0.3267974,64.0283737,16.7370961,8.6774912,2022-07-01 14:59:42,20220701,1,141.0 -fb-survey,raw_nohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,288.0,0.3787879,64.0939597,17.3080434,9.1652301,2022-07-01 14:59:57,20220701,4,141.0 -fb-survey,raw_nohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,215.0,0.5633451,64.0283737,16.6829469,8.7874763,2022-07-01 15:00:12,20220701,4,141.0 -fb-survey,raw_nohh_cmnty_cli,day,nation,2020-04-15,2022-06-26,1.0,5.7044523,41.8558786,17.0048453,6.824453,2022-07-01 15:00:23,20220701,2,244.0 -fb-survey,raw_nohh_cmnty_cli,day,state,2020-04-15,2022-06-25,51.0,0.3267974,60.9350753,17.5830578,9.0078233,2022-07-01 15:00:26,20220701,4,141.0 -fb-survey,raw_wcli,day,county,2020-04-06,2022-06-25,640.0,0.0,19.047619047619047,0.9389968,1.0065155,2022-07-01 14:59:42,20220701,2,150.0 -fb-survey,raw_wcli,day,hrr,2020-04-06,2022-06-25,306.0,0.0,11.1186835,0.9865602,1.0702621,2022-07-01 14:59:57,20220701,2,150.0 -fb-survey,raw_wcli,day,msa,2020-04-06,2022-06-25,340.0,0.0,11.7928697,0.9314997,1.0168941,2022-07-01 15:00:12,20220701,2,150.0 -fb-survey,raw_wcli,day,nation,2020-04-06,2022-06-25,1.0,0.4039215,5.408061,1.3702998,0.9063896,2022-07-01 15:00:23,20220701,4,253.0 -fb-survey,raw_wcli,day,state,2020-04-06,2022-06-25,51.0,0.0,11.2808901,1.2850101,1.1000853,2022-07-01 15:00:26,20220701,2,150.0 -fb-survey,raw_whh_cmnty_cli,day,county,2020-04-15,2022-06-25,343.0,0.4092675,69.7366276,21.2513547,9.4036702,2022-07-01 14:59:42,20220701,4,141.0 -fb-survey,raw_whh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,287.0,1.4154066,69.0424071,21.8559408,9.9701793,2022-07-01 14:59:57,20220701,4,141.0 -fb-survey,raw_whh_cmnty_cli,day,msa,2020-04-15,2022-06-25,207.0,1.6579937,69.9032636,21.1068482,9.564647,2022-07-01 15:00:12,20220701,4,141.0 -fb-survey,raw_whh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1.0,9.1761173,48.2407423,21.5503016,7.2072222,2022-07-01 15:00:23,20220701,4,244.0 -fb-survey,raw_whh_cmnty_cli,day,state,2020-04-15,2022-06-25,51.0,2.5278035,67.7211955,22.4708687,9.5978548,2022-07-01 15:00:27,20220701,4,141.0 -fb-survey,raw_wili,day,county,2020-04-06,2022-06-25,640.0,0.0,19.047619047619047,0.9617527,1.0224706,2022-07-01 14:59:42,20220701,2,150.0 -fb-survey,raw_wili,day,hrr,2020-04-06,2022-06-25,306.0,0.0,11.1227941,1.0088413,1.0878227,2022-07-01 14:59:57,20220701,2,150.0 -fb-survey,raw_wili,day,msa,2020-04-06,2022-06-25,340.0,0.0,11.7928697,0.9555916,1.0354607,2022-07-01 15:00:12,20220701,2,150.0 -fb-survey,raw_wili,day,nation,2020-04-06,2022-06-25,1.0,0.4144906,5.5247274,1.3975828,0.9277962,2022-07-01 15:00:23,20220701,4,253.0 -fb-survey,raw_wili,day,state,2020-04-06,2022-06-25,51.0,0.0,11.2808901,1.3091654,1.1199192,2022-07-01 15:00:27,20220701,2,150.0 -fb-survey,raw_wnohh_cmnty_cli,day,county,2020-04-15,2022-06-25,343.0,0.3267974,64.8845314,16.7082958,8.5360556,2022-07-01 14:59:42,20220701,4,141.0 -fb-survey,raw_wnohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,287.0,0.3787879,64.4127616,17.2542155,9.0633926,2022-07-01 14:59:57,20220701,4,141.0 -fb-survey,raw_wnohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,207.0,0.7005145,64.8845314,16.5727216,8.6670007,2022-07-01 15:00:12,20220701,4,141.0 -fb-survey,raw_wnohh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1.0,5.9588102,40.5355196,16.6488651,6.4672122,2022-07-01 15:00:23,20220701,4,244.0 -fb-survey,raw_wnohh_cmnty_cli,day,state,2020-04-15,2022-06-25,51.0,0.3267974,61.2646482,17.5685456,8.7803074,2022-07-01 15:00:27,20220701,4,141.0 -fb-survey,smoothed_accept_covid_vaccine,day,county,2020-12-20,2021-08-08,757.0,6.3106857,96.3920452,67.9237724,14.3796865,2021-08-13 12:54:15,20210813,1,44.0 -fb-survey,smoothed_accept_covid_vaccine,day,hrr,2020-12-20,2021-08-06,306.0,10.2941176,92.1875,61.1924903,16.7694796,2021-08-11 12:56:16,20210811,1,44.0 -fb-survey,smoothed_accept_covid_vaccine,day,msa,2020-12-20,2021-08-07,362.0,15.1563221,92.9292808,65.2383722,14.3516874,2021-08-12 12:54:50,20210812,1,44.0 -fb-survey,smoothed_accept_covid_vaccine,day,nation,2020-12-20,2021-08-08,1.0,17.755102,74.5601494,46.7574433,22.3505344,2021-08-13 12:57:00,20210813,1,44.0 -fb-survey,smoothed_accept_covid_vaccine,day,state,2020-12-20,2021-08-08,51.0,6.3106857,90.8967391,55.2646333,20.9437812,2021-08-13 12:57:04,20210813,1,44.0 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,county,2021-05-20,2022-06-27,92.0,2.8931167,48.019802,15.5086319,5.4726703,2022-07-01 14:59:42,20220701,1,63.0 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,hrr,2021-05-21,2022-06-27,168.0,1.1811024,47.5490196,15.5441133,5.3891774,2022-07-01 14:59:57,20220701,1,63.0 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,msa,2021-05-21,2022-06-27,95.0,3.3219911,38.9585132,17.2049154,5.438195,2022-07-01 15:00:12,20220701,1,63.0 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,nation,2021-05-20,2022-06-27,1.0,10.5194141,21.4088779,14.5975905,2.8074055,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,state,2021-05-20,2022-06-27,48.0,2.8931167,31.7490615,14.3656827,4.2749012,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_anxious_5d,day,county,2020-09-08,2021-03-15,754.0,2.496938,38.803681,17.3270685,3.6738037,2021-03-20 11:51:16,20210320,1,92.0 -fb-survey,smoothed_anxious_5d,day,hrr,2020-09-08,2021-03-11,306.0,4.4715447,33.9673913,16.9910865,3.0886278,2021-03-17 18:57:54,20210317,1,92.0 -fb-survey,smoothed_anxious_5d,day,msa,2020-09-08,2021-03-14,359.0,2.496938,37.2055658,17.3911656,3.5361126,2021-03-19 11:51:37,20210319,1,92.0 -fb-survey,smoothed_anxious_5d,day,nation,2020-09-08,2021-03-18,1.0,12.3224728,22.7558011,16.9176287,1.864669,2021-03-23 11:53:30,20210323,5,98.0 -fb-survey,smoothed_anxious_5d,day,state,2020-09-08,2021-03-15,51.0,6.7457199,38.803681,17.2987398,2.7756485,2021-03-20 11:52:09,20210320,5,92.0 -fb-survey,smoothed_anxious_7d,day,county,2021-03-02,2022-06-27,616.0,0.473738,30.7957769,12.7975556,3.1461309,2022-07-01 14:59:42,20220701,1,63.0 -fb-survey,smoothed_anxious_7d,day,hrr,2021-03-02,2022-06-27,306.0,1.3888889,31.8627451,12.7682873,2.9999053,2022-07-01 14:59:57,20220701,1,63.0 -fb-survey,smoothed_anxious_7d,day,msa,2021-03-02,2022-06-27,332.0,2.496278,27.8770477,12.9200141,3.0893081,2022-07-01 15:00:12,20220701,1,63.0 -fb-survey,smoothed_anxious_7d,day,nation,2021-03-02,2022-06-27,1.0,10.0859188,16.2442525,12.6390425,1.3485845,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_anxious_7d,day,state,2021-03-02,2022-06-27,51.0,3.0405405,22.815534,12.7942177,2.2673367,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_appointment_not_vaccinated,day,county,2021-05-20,2022-06-27,99.0,0.1462927,17.1988482,3.3385882,1.8404781,2022-07-01 14:59:42,20220701,1,88.0 -fb-survey,smoothed_appointment_not_vaccinated,day,hrr,2021-05-21,2022-06-27,177.0,0.1851852,20.3846154,3.4699997,1.9600779,2022-07-01 14:59:57,20220701,1,87.0 -fb-survey,smoothed_appointment_not_vaccinated,day,msa,2021-05-21,2022-06-27,99.0,0.2074501,19.0133854,3.9230132,2.0474182,2022-07-01 15:00:12,20220701,1,87.0 -fb-survey,smoothed_appointment_not_vaccinated,day,nation,2021-05-20,2022-06-27,1.0,1.3645163,5.7176348,2.879369,1.0287608,2022-07-01 15:00:23,20220701,1,88.0 -fb-survey,smoothed_appointment_not_vaccinated,day,state,2021-05-20,2022-06-27,49.0,0.136612,14.0884056,3.0139223,1.5351489,2022-07-01 15:00:27,20220701,1,88.0 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,county,2021-05-20,2022-06-27,97.0,2.8947834,55.6878788,18.1899701,6.4070756,2022-07-01 14:59:42,20220701,1,63.0 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,hrr,2021-05-21,2022-06-27,178.0,2.2727273,55.8252427,18.2009257,6.2416784,2022-07-01 14:59:57,20220701,1,63.0 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,msa,2021-05-20,2022-06-27,98.0,3.3219911,46.6146387,20.1795558,6.2956446,2022-07-01 15:00:12,20220701,1,63.0 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,nation,2021-05-20,2022-06-27,1.0,11.9167877,25.8840354,17.0285233,3.5663794,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,state,2021-05-20,2022-06-27,49.0,2.8947834,40.9091301,16.7679518,5.0595141,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_belief_children_immune,day,county,2021-05-20,2022-02-18,362.0,0.2237989,19.3409509,4.8528498,2.2392157,2022-02-23 13:51:25,20220223,5,110.0 -fb-survey,smoothed_belief_children_immune,day,hrr,2021-05-20,2022-02-15,291.0,0.1333333,17.578125,4.9065365,2.1153129,2022-02-20 13:52:39,20220220,5,110.0 -fb-survey,smoothed_belief_children_immune,day,msa,2021-05-20,2022-02-17,216.0,0.1493704,18.8073394,4.7442141,2.0875794,2022-02-22 13:54:29,20220222,5,110.0 -fb-survey,smoothed_belief_children_immune,day,nation,2021-05-20,2022-02-19,1.0,2.9170739,6.4676486,4.712255,1.1693786,2022-02-24 13:53:42,20220224,5,110.0 -fb-survey,smoothed_belief_children_immune,day,state,2021-05-20,2022-02-18,51.0,0.4000003,12.3672014,4.6223851,1.5579756,2022-02-23 13:53:56,20220223,5,110.0 -fb-survey,smoothed_belief_created_small_group,day,county,2021-05-20,2022-06-27,363.0,1.5595178,38.9954032,16.9962957,5.1983294,2022-07-01 14:59:42,20220701,1,110.0 -fb-survey,smoothed_belief_created_small_group,day,hrr,2021-05-20,2022-06-27,291.0,2.4509804,50.4901961,18.915403,5.1776701,2022-07-01 14:59:57,20220701,1,110.0 -fb-survey,smoothed_belief_created_small_group,day,msa,2021-05-20,2022-06-27,216.0,2.0612317,40.4307125,17.6122869,4.8342499,2022-07-01 15:00:12,20220701,1,110.0 -fb-survey,smoothed_belief_created_small_group,day,nation,2021-05-20,2022-06-27,1.0,16.8966159,20.3157167,18.5028106,0.8152889,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_belief_created_small_group,day,state,2021-05-20,2022-06-27,51.0,2.2522523,35.5991822,18.8051095,4.2701708,2022-07-01 15:00:27,20220701,1,110.0 -fb-survey,smoothed_belief_distancing_effective,day,county,2021-05-20,2022-06-27,375.0,49.3620543,96.961326,77.6388762,6.9251447,2022-07-01 14:59:42,20220701,1,110.0 -fb-survey,smoothed_belief_distancing_effective,day,hrr,2021-05-20,2022-06-27,293.0,47.7564103,96.2328767,75.1385342,6.9507118,2022-07-01 14:59:57,20220701,1,110.0 -fb-survey,smoothed_belief_distancing_effective,day,msa,2021-05-20,2022-06-27,219.0,46.7592593,95.2154174,76.469296,6.2078048,2022-07-01 15:00:12,20220701,1,110.0 -fb-survey,smoothed_belief_distancing_effective,day,nation,2021-05-20,2022-06-27,1.0,70.507751,81.219875,75.3967652,3.4605009,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_belief_distancing_effective,day,state,2021-05-20,2022-06-27,51.0,49.5500005,95.5284553,74.454045,6.3504165,2022-07-01 15:00:27,20220701,1,110.0 -fb-survey,smoothed_belief_govt_exploitation,day,county,2021-05-20,2022-06-27,362.0,3.2557612,47.7401536,22.572586,6.8239109,2022-07-01 14:59:43,20220701,1,110.0 -fb-survey,smoothed_belief_govt_exploitation,day,hrr,2021-05-20,2022-06-27,291.0,4.4117647,55.8252427,25.3236335,6.7577857,2022-07-01 14:59:58,20220701,1,110.0 -fb-survey,smoothed_belief_govt_exploitation,day,msa,2021-05-20,2022-06-27,215.0,5.229548,49.2595629,23.8016288,6.0625237,2022-07-01 15:00:12,20220701,1,110.0 -fb-survey,smoothed_belief_govt_exploitation,day,nation,2021-05-20,2022-06-27,1.0,21.011988,28.2949287,24.8515407,1.8201246,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_belief_govt_exploitation,day,state,2021-05-20,2022-06-27,51.0,4.1666667,46.4502192,25.6320025,5.8297068,2022-07-01 15:00:27,20220701,1,110.0 -fb-survey,smoothed_belief_masking_effective,day,county,2021-06-04,2022-06-27,376.0,43.2954171,97.9651163,77.5169356,8.2145814,2022-07-01 14:59:43,20220701,1,63.0 -fb-survey,smoothed_belief_masking_effective,day,hrr,2021-06-04,2022-06-27,293.0,41.3043478,97.4178404,74.1705489,8.2027679,2022-07-01 14:59:58,20220701,1,63.0 -fb-survey,smoothed_belief_masking_effective,day,msa,2021-06-04,2022-06-27,219.0,47.2142844,96.2759522,75.8904821,7.1293745,2022-07-01 15:00:12,20220701,1,63.0 -fb-survey,smoothed_belief_masking_effective,day,nation,2021-06-04,2022-06-27,1.0,69.7626672,80.7278994,74.5656604,3.3788714,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_belief_masking_effective,day,state,2021-06-04,2022-06-27,51.0,43.7072569,97.9651163,73.3523019,7.4305426,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,county,2021-05-20,2022-02-18,361.0,1.171875,77.7116976,21.0331544,14.0003231,2022-02-23 13:51:27,20220223,5,110.0 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,hrr,2021-05-20,2022-02-15,291.0,1.4150943,70.0819672,21.7323839,14.1352958,2022-02-20 13:52:40,20220220,5,110.0 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,msa,2021-05-20,2022-02-17,216.0,2.136855,77.4233591,21.4733949,14.1658188,2022-02-22 13:54:30,20220222,5,110.0 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,nation,2021-05-20,2022-02-19,1.0,8.3996604,48.4696633,21.8394571,13.6131326,2022-02-24 13:53:42,20220224,5,110.0 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,state,2021-05-20,2022-02-18,51.0,3.4288513,64.2857587,22.6686765,14.605575,2022-02-23 13:53:57,20220223,5,110.0 -fb-survey,smoothed_cli,day,county,2020-04-06,2022-06-27,1536.0,0.0,13.0003763,1.027805,1.0362304,2022-07-01 14:59:43,20220701,1,150.0 -fb-survey,smoothed_cli,day,hrr,2020-04-06,2022-06-27,306.0,0.0,11.2962963,1.2269157,1.0692117,2022-07-01 14:59:58,20220701,1,150.0 -fb-survey,smoothed_cli,day,msa,2020-04-06,2022-06-27,382.0,0.0,12.5231652,1.1602289,1.0960308,2022-07-01 15:00:12,20220701,1,150.0 -fb-survey,smoothed_cli,day,nation,2020-04-06,2022-06-27,1.0,0.3647163,4.382599,1.1685062,0.7841888,2022-07-01 15:00:23,20220701,1,253.0 -fb-survey,smoothed_cli,day,state,2020-04-06,2022-06-27,52.0,0.0,7.4156739,1.2031664,0.9198052,2022-07-01 15:00:27,20220701,1,150.0 -fb-survey,smoothed_covid_vaccinated,day,county,2021-01-06,2022-06-27,753.0,1.3182512,99.806477,73.1689173,24.0625346,2022-07-01 14:59:43,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated,day,hrr,2021-01-06,2022-06-27,306.0,0.4950495,99.5065789,74.1336252,20.9790356,2022-07-01 14:59:58,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated,day,msa,2021-01-06,2022-06-27,361.0,1.3497978,98.6988259,73.0066824,22.7746073,2022-07-01 15:00:12,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated,day,nation,2021-01-06,2022-06-27,1.0,5.4455056,86.832716,75.3232519,20.8758334,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated,day,state,2021-01-06,2022-06-27,51.0,2.1550368,98.1481481,75.0844935,20.9783793,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,county,2021-05-20,2022-06-27,657.0,65.1604516,99.8105963,88.0349635,5.2263187,2022-07-01 14:59:43,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,hrr,2021-05-20,2022-06-27,306.0,57.2625698,99.512987,85.9083299,5.3471261,2022-07-01 14:59:58,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,msa,2021-05-20,2022-06-27,347.0,62.9303278,99.0453217,86.8796612,4.9270324,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,nation,2021-05-20,2022-06-27,1.0,86.0948981,88.5334628,87.1571506,0.5924003,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,state,2021-05-20,2022-06-27,51.0,67.1810851,99.0066225,86.6146821,4.4267436,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_covid_vaccinated_friends,day,county,2021-05-20,2022-06-27,371.0,34.2579817,95.5645161,70.2740465,9.8389206,2022-07-01 14:59:43,20220701,1,110.0 -fb-survey,smoothed_covid_vaccinated_friends,day,hrr,2021-05-20,2022-06-27,291.0,27.3148148,93.9716312,66.4414807,10.0810154,2022-07-01 14:59:58,20220701,1,110.0 -fb-survey,smoothed_covid_vaccinated_friends,day,msa,2021-05-20,2022-06-27,220.0,28.2667809,93.9811262,68.6786081,8.9466352,2022-07-01 15:00:13,20220701,1,110.0 -fb-survey,smoothed_covid_vaccinated_friends,day,nation,2021-05-20,2022-06-27,1.0,61.9736031,70.6638435,67.1348906,2.0818524,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_covid_vaccinated_friends,day,state,2021-05-20,2022-06-27,51.0,38.66509,90.8653846,66.2411893,8.9589405,2022-07-01 15:00:27,20220701,1,110.0 -fb-survey,smoothed_covid_vaccinated_or_accept,day,county,2020-12-20,2021-08-08,768.0,45.0788284,99.745469,80.9666545,8.1259498,2021-08-13 12:54:19,20210813,1,44.0 -fb-survey,smoothed_covid_vaccinated_or_accept,day,hrr,2020-12-20,2021-08-08,306.0,44.5652174,99.5327103,80.0951132,7.769323,2021-08-13 12:55:33,20210813,1,44.0 -fb-survey,smoothed_covid_vaccinated_or_accept,day,msa,2020-12-20,2021-08-08,364.0,45.4966234,98.3311996,80.1205091,7.9816216,2021-08-13 12:56:24,20210813,1,44.0 -fb-survey,smoothed_covid_vaccinated_or_accept,day,nation,2020-12-20,2021-08-08,1.0,70.120171,87.7644024,82.8202898,4.7302724,2021-08-13 12:57:00,20210813,1,44.0 -fb-survey,smoothed_covid_vaccinated_or_accept,day,state,2020-12-20,2021-08-08,51.0,52.3185241,97.8932584,81.9259577,6.6068393,2021-08-13 12:57:05,20210813,1,44.0 -fb-survey,smoothed_delayed_care_cost,day,county,2021-05-20,2022-06-27,349.0,7.1428571,58.7731136,30.5260235,5.4782579,2022-07-01 14:59:43,20220701,1,110.0 -fb-survey,smoothed_delayed_care_cost,day,hrr,2021-05-20,2022-06-27,288.0,13.2,52.9661017,30.7646315,5.1338922,2022-07-01 14:59:58,20220701,1,110.0 -fb-survey,smoothed_delayed_care_cost,day,msa,2021-05-20,2022-06-27,213.0,7.1428571,58.7731136,30.749201,5.2077782,2022-07-01 15:00:13,20220701,1,110.0 -fb-survey,smoothed_delayed_care_cost,day,nation,2021-05-20,2022-06-27,1.0,29.3886846,32.304431,30.9506304,0.6386159,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_delayed_care_cost,day,state,2021-05-20,2022-06-27,51.0,15.2439024,46.5873026,31.4106402,4.2449509,2022-07-01 15:00:27,20220701,1,110.0 -fb-survey,smoothed_depressed_5d,day,county,2020-09-08,2021-03-15,750.0,1.3215125,28.5219101,12.6707491,2.9490081,2021-03-20 11:51:17,20210320,0,92.0 -fb-survey,smoothed_depressed_5d,day,hrr,2020-09-08,2021-03-11,306.0,4.0372671,27.3722628,12.5759003,2.4165054,2021-03-17 18:57:55,20210317,1,92.0 -fb-survey,smoothed_depressed_5d,day,msa,2020-09-08,2021-03-14,360.0,1.5728509,29.4046023,12.9635171,2.8413762,2021-03-19 11:51:37,20210319,1,92.0 -fb-survey,smoothed_depressed_5d,day,nation,2020-09-08,2021-03-18,1.0,10.6528256,13.9352609,12.3595309,0.7665024,2021-03-23 11:53:31,20210323,5,98.0 -fb-survey,smoothed_depressed_5d,day,state,2020-09-08,2021-03-15,51.0,5.9090802,20.6156453,12.6730155,1.8084615,2021-03-20 11:52:10,20210320,5,92.0 -fb-survey,smoothed_depressed_7d,day,county,2021-03-02,2022-06-27,613.0,0.5597399,26.1063583,10.2403199,2.7376668,2022-07-01 14:59:43,20220701,1,63.0 -fb-survey,smoothed_depressed_7d,day,hrr,2021-03-02,2022-06-27,306.0,0.4807692,26.4423077,10.4213618,2.6238609,2022-07-01 14:59:58,20220701,1,63.0 -fb-survey,smoothed_depressed_7d,day,msa,2021-03-02,2022-06-27,331.0,0.4680631,26.8705864,10.468143,2.6812753,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_depressed_7d,day,nation,2021-03-02,2022-06-27,1.0,8.8132706,12.4159631,10.2226592,0.8368107,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_depressed_7d,day,state,2021-03-02,2022-06-27,51.0,2.3584906,19.6153846,10.4713187,1.8961675,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,county,2021-02-09,2022-06-27,45.0,5.5555556,39.6263807,21.4008743,4.321096,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,hrr,2021-02-12,2022-06-19,31.0,9.6899225,40.625,23.9224288,4.8282974,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,msa,2021-02-11,2022-06-26,19.0,9.4119587,40.3463675,22.4776737,4.8522507,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,nation,2021-02-09,2022-06-27,1.0,16.8978868,28.7211177,20.8719719,2.5463764,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,state,2021-02-09,2022-06-27,41.0,5.5555556,38.942329,21.3398772,4.238066,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_had_covid,day,county,2021-02-09,2022-06-27,45.0,7.5999696,67.7883312,33.9147538,11.7913429,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_had_covid,day,hrr,2021-02-12,2022-06-19,31.0,5.9090909,59.9056604,27.3755076,11.0428184,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_had_covid,day,msa,2021-02-11,2022-06-26,19.0,4.9886613,60.5993142,32.0541118,11.767344,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_had_covid,day,nation,2021-02-09,2022-06-27,1.0,16.3324104,50.1111523,34.9273113,11.0253327,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_had_covid,day,state,2021-02-09,2022-06-27,41.0,7.5999696,67.7883312,34.0707155,11.7727205,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,county,2021-02-09,2022-06-27,45.0,9.2224772,38.776445,22.6533446,3.8633949,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,hrr,2021-02-12,2022-06-19,31.0,9.3137255,36.5740741,21.3928019,4.3704203,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,msa,2021-02-11,2022-06-26,19.0,8.3386675,38.9421067,22.5059995,4.5892419,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,nation,2021-02-09,2022-06-27,1.0,19.1838094,26.9859256,22.7430719,2.2253834,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,state,2021-02-09,2022-06-27,41.0,9.2224772,38.776445,22.6736772,3.8323621,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,county,2021-02-09,2022-06-27,45.0,22.0150329,56.250625,38.6763552,4.187104,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,hrr,2021-02-12,2022-06-19,31.0,27.4774775,60.4761905,40.7726616,4.7536919,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,msa,2021-02-11,2022-06-26,19.0,28.1531223,61.0581599,41.1034348,4.4102823,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,nation,2021-02-09,2022-06-27,1.0,34.6180556,41.5073,38.5047144,1.441484,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,state,2021-02-09,2022-06-27,41.0,22.0150329,56.250625,38.6436171,4.1338582,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_serious,day,county,2021-02-09,2022-06-27,45.0,18.9814991,63.4969607,38.0916004,5.7583841,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_serious,day,hrr,2021-02-12,2022-06-19,31.0,20.8333333,61.2745098,36.1879966,6.2874237,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_not_serious,day,msa,2021-02-11,2022-06-26,19.0,18.3854006,55.8194092,35.787947,5.7656897,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_not_serious,day,nation,2021-02-09,2022-06-27,1.0,32.4725662,43.3047981,38.2416588,2.9637077,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_not_serious,day,state,2021-02-09,2022-06-27,41.0,18.5060327,63.4969607,38.1241797,5.7263057,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_other,day,county,2021-02-09,2022-06-27,45.0,15.3592362,51.6000438,31.6656623,4.3952503,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_other,day,hrr,2021-02-12,2022-06-19,31.0,12.3762376,48.5294118,29.3215505,5.4914016,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_other,day,msa,2021-02-11,2022-06-26,19.0,15.3036239,48.2089811,30.2311313,4.9965866,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_other,day,nation,2021-02-09,2022-06-27,1.0,22.0281863,35.1886422,31.4579475,2.4228659,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_other,day,state,2021-02-09,2022-06-27,41.0,15.3592362,51.6000438,31.69114,4.3716301,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_precautions,day,county,2021-02-09,2022-06-27,45.0,2.2936032,45.8906592,16.6077555,6.5164296,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_precautions,day,hrr,2021-02-12,2022-06-19,31.0,6.8807339,45.0892857,21.6270804,6.3256489,2022-06-24 12:52:41,20220624,4,63.0 -fb-survey,smoothed_dontneed_reason_precautions,day,msa,2021-02-11,2022-06-26,19.0,2.8657092,48.3796287,22.2286587,7.5302762,2022-07-01 15:00:13,20220701,2,63.0 -fb-survey,smoothed_dontneed_reason_precautions,day,nation,2021-02-09,2022-06-27,1.0,9.8516076,30.4647337,16.0890342,4.5571225,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_dontneed_reason_precautions,day,state,2021-02-09,2022-06-27,41.0,2.2936032,43.3333333,16.4605263,6.338244,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_felt_isolated_5d,day,county,2020-09-08,2021-03-15,747.0,4.847558,42.3968791,19.159348,3.8708993,2021-03-20 11:51:18,20210320,0,92.0 -fb-survey,smoothed_felt_isolated_5d,day,hrr,2020-09-08,2021-03-11,306.0,5.9633028,38.559322,18.6961722,3.1790815,2021-03-17 18:57:55,20210317,1,92.0 -fb-survey,smoothed_felt_isolated_5d,day,msa,2020-09-08,2021-03-14,358.0,4.872111,42.3968791,19.1309308,3.7302484,2021-03-19 11:51:38,20210319,1,92.0 -fb-survey,smoothed_felt_isolated_5d,day,nation,2020-09-08,2021-03-18,1.0,15.7917384,20.7178579,18.8105557,1.2162638,2021-03-23 11:53:32,20210323,5,98.0 -fb-survey,smoothed_felt_isolated_5d,day,state,2020-09-08,2021-03-15,51.0,10.4255319,30.2531646,19.1213406,2.8239792,2021-03-20 11:52:10,20210320,5,92.0 -fb-survey,smoothed_felt_isolated_7d,day,county,2021-03-02,2021-08-08,613.0,2.1045755,34.7777461,13.6739243,3.9296526,2021-08-13 12:54:20,20210813,5,15.0 -fb-survey,smoothed_felt_isolated_7d,day,hrr,2021-03-02,2021-08-08,306.0,1.8382353,31.875,13.0120225,3.4660622,2021-08-13 12:55:34,20210813,5,15.0 -fb-survey,smoothed_felt_isolated_7d,day,msa,2021-03-02,2021-08-08,331.0,2.1202975,34.9286958,13.5061658,3.7434069,2021-08-13 12:56:24,20210813,5,15.0 -fb-survey,smoothed_felt_isolated_7d,day,nation,2021-03-02,2021-08-08,1.0,8.2389937,18.2134159,11.6851502,2.7929577,2021-08-13 12:57:00,20210813,5,15.0 -fb-survey,smoothed_felt_isolated_7d,day,state,2021-03-02,2021-08-08,51.0,2.8965525,29.4701987,12.4222859,3.5652697,2021-08-13 12:57:06,20210813,5,15.0 -fb-survey,smoothed_had_covid_ever,day,county,2021-05-20,2022-06-27,661.0,0.3968254,62.441788,23.287253,9.5629329,2022-07-01 14:59:44,20220701,1,110.0 -fb-survey,smoothed_had_covid_ever,day,hrr,2021-05-20,2022-06-27,306.0,2.173913,60.7623318,24.7447958,9.6134064,2022-07-01 14:59:59,20220701,1,110.0 -fb-survey,smoothed_had_covid_ever,day,msa,2021-05-20,2022-06-27,347.0,1.5594999,62.1868215,23.7939522,9.501255,2022-07-01 15:00:13,20220701,1,110.0 -fb-survey,smoothed_had_covid_ever,day,nation,2021-05-20,2022-06-27,1.0,13.4884718,40.0608608,24.4992133,8.4733292,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_had_covid_ever,day,state,2021-05-20,2022-06-27,51.0,2.173913,50.8052975,24.6392135,9.7344291,2022-07-01 15:00:27,20220701,1,110.0 -fb-survey,smoothed_hesitancy_reason_allergic,day,county,2021-02-09,2021-08-08,269.0,12.5277006,43.8679245,26.0102465,3.7732528,2021-08-13 12:54:20,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_allergic,day,hrr,2021-02-09,2021-08-06,264.0,11.5384615,43.4579439,25.8718915,3.7725057,2021-08-11 12:56:22,20210811,5,36.0 -fb-survey,smoothed_hesitancy_reason_allergic,day,msa,2021-02-09,2021-08-07,182.0,12.4357971,41.5143999,25.9393855,3.6950898,2021-08-12 12:54:53,20210812,5,36.0 -fb-survey,smoothed_hesitancy_reason_allergic,day,nation,2021-02-09,2021-08-08,1.0,17.9802956,29.9519231,26.0913333,1.7161223,2021-08-13 12:57:00,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_allergic,day,state,2021-02-09,2021-08-08,50.0,13.0027675,41.3033063,25.8046834,3.0869843,2021-08-13 12:57:06,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_cost,day,county,2021-02-09,2022-06-27,269.0,0.2155175,15.4996704,3.7842147,1.9095974,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_cost,day,hrr,2021-02-09,2022-06-27,264.0,0.210084,17.1052632,3.7624734,1.9099158,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_cost,day,msa,2021-02-09,2022-06-27,182.0,0.2395013,15.1063542,3.8823708,2.0000504,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_cost,day,nation,2021-02-09,2022-06-27,1.0,2.2810659,6.4393365,3.00952,0.8952847,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_cost,day,state,2021-02-09,2022-06-27,50.0,0.2155175,13.3879781,3.2393359,1.375276,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,county,2021-02-09,2021-12-24,269.0,2.2711045,24.2835511,11.5717715,2.5257658,2022-02-02 20:51:32,20220202,4,63.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,hrr,2021-02-09,2021-12-22,264.0,2.4271845,25.0,11.6271007,2.7578404,2022-02-02 20:52:46,20220202,4,63.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,msa,2021-02-09,2021-12-23,182.0,2.8420633,26.9141005,11.5699548,2.7739234,2022-02-02 20:53:50,20220202,4,63.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,nation,2021-02-09,2021-12-25,1.0,8.9895988,17.1052632,11.729474,0.875215,2022-02-02 20:54:37,20220202,4,63.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,state,2021-02-09,2021-12-24,50.0,4.1616781,23.2824427,11.9406882,2.0460138,2022-02-02 20:54:49,20220202,4,63.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,county,2021-12-19,2022-06-27,69.0,7.9831933,34.8039216,18.8957762,2.8859943,2022-07-01 14:59:44,20220701,1,14.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,hrr,2021-12-20,2022-06-27,126.0,6.302521,31.9047619,18.8031445,3.4864675,2022-07-01 14:59:59,20220701,1,14.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,msa,2021-12-20,2022-06-27,64.0,8.0349518,34.7722556,19.155767,3.2134825,2022-07-01 15:00:13,20220701,1,14.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,nation,2021-12-19,2022-06-27,1.0,17.6337973,19.5578457,18.6053012,0.4896687,2022-07-01 15:00:23,20220701,1,14.0 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,state,2021-12-19,2022-06-27,47.0,7.9831933,34.8039216,18.8072841,2.7702798,2022-07-01 15:00:27,20220701,1,14.0 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,county,2021-02-09,2022-06-27,269.0,5.2643266,65.8658853,36.5191347,10.7791288,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,hrr,2021-02-09,2022-06-27,264.0,5.2884615,66.509434,37.0626382,9.9607681,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,msa,2021-02-09,2022-06-27,182.0,10.8144015,63.5412222,34.8606277,9.7029899,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,nation,2021-02-09,2022-06-27,1.0,21.7519331,48.3679162,41.1213222,7.1859845,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,state,2021-02-09,2022-06-27,50.0,13.345267,65.8658853,41.3420766,8.1618468,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,county,2021-02-09,2022-06-27,269.0,8.1357775,70.1762823,38.9057405,12.3176294,2022-07-01 14:59:44,20220701,1,36.0 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,hrr,2021-02-09,2022-06-27,264.0,8.3333333,69.8019802,38.3684199,11.035503,2022-07-01 14:59:59,20220701,1,36.0 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,msa,2021-02-09,2022-06-27,182.0,11.2684577,68.220897,36.617055,10.7274537,2022-07-01 15:00:13,20220701,1,36.0 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,nation,2021-02-09,2022-06-27,1.0,25.1080152,55.7046293,45.6832141,8.7490289,2022-07-01 15:00:23,20220701,1,36.0 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,state,2021-02-09,2022-06-27,50.0,12.9464286,70.1762823,45.4180477,10.3103028,2022-07-01 15:00:27,20220701,1,36.0 -fb-survey,smoothed_hesitancy_reason_health_condition,day,county,2021-02-09,2021-08-08,269.0,2.9466938,26.9230769,13.2918204,3.0049618,2021-08-13 12:54:21,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_health_condition,day,hrr,2021-02-09,2021-08-06,264.0,3.125,30.0,13.4446659,2.9658351,2021-08-11 12:56:22,20210811,5,36.0 -fb-survey,smoothed_hesitancy_reason_health_condition,day,msa,2021-02-09,2021-08-07,182.0,3.1643019,26.6417236,13.2466141,2.8991616,2021-08-12 12:54:53,20210812,5,36.0 -fb-survey,smoothed_hesitancy_reason_health_condition,day,nation,2021-02-09,2021-08-08,1.0,11.9954903,19.0625,14.5410251,1.7983539,2021-08-13 12:57:00,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_health_condition,day,state,2021-02-09,2021-08-08,50.0,5.752447,25.4807711,13.7821031,2.58501,2021-08-13 12:57:06,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_ineffective,day,county,2021-02-09,2022-06-27,269.0,7.6253143,41.5178571,23.6646706,4.6730662,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_ineffective,day,hrr,2021-02-09,2022-06-27,264.0,8.3333333,45.3389831,23.8568069,5.0179228,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_ineffective,day,msa,2021-02-09,2022-06-27,182.0,7.6046012,41.8429875,23.2509192,4.9052365,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_ineffective,day,nation,2021-02-09,2022-06-27,1.0,18.6429566,29.2183088,24.8469856,3.1445592,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_ineffective,day,state,2021-02-09,2022-06-27,50.0,10.4982767,41.5178571,25.0455331,4.1267331,2022-07-01 15:00:27,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_low_priority,day,county,2021-02-09,2022-06-27,269.0,1.151964,48.1833181,14.9931388,9.8883824,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_low_priority,day,hrr,2021-02-09,2022-06-27,264.0,0.2564103,50.462963,14.4400568,9.0336238,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_low_priority,day,msa,2021-02-09,2022-06-27,182.0,1.14958,46.0995474,15.6970358,9.478581,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_low_priority,day,nation,2021-02-09,2022-06-27,1.0,5.4775281,30.9452429,10.4082069,6.5575274,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_low_priority,day,state,2021-02-09,2022-06-27,50.0,1.3643111,41.9376261,11.028012,7.1934213,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,county,2021-02-09,2021-08-08,269.0,0.386761,20.7570463,8.0616076,2.1608849,2021-08-13 12:54:21,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,hrr,2021-02-09,2021-08-06,264.0,1.1363636,19.9115044,8.2536819,2.1689074,2021-08-11 12:56:23,20210811,5,36.0 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,msa,2021-02-09,2021-08-07,182.0,1.4547853,21.8581853,8.133678,2.1755125,2021-08-12 12:54:54,20210812,5,36.0 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,nation,2021-02-09,2021-08-08,1.0,5.2469136,12.0967742,8.8603661,1.3347251,2021-08-13 12:57:00,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,state,2021-02-09,2021-08-08,50.0,3.5089339,20.1410863,8.4542469,1.7608239,2021-08-13 12:57:07,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_other,day,county,2021-02-09,2022-06-27,269.0,1.5032889,38.4530358,18.0318265,6.0784961,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_other,day,hrr,2021-02-09,2022-06-27,264.0,2.7108434,41.1504425,18.2904596,6.2693802,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_other,day,msa,2021-02-09,2022-06-27,182.0,2.3625711,40.9060207,17.7624169,6.2768452,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_other,day,nation,2021-02-09,2022-06-27,1.0,9.8386754,26.1018426,19.7260919,4.2675848,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_other,day,state,2021-02-09,2022-06-27,50.0,6.0416717,38.4353741,19.9759984,5.0931442,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_pregnant,day,county,2021-02-09,2021-08-08,269.0,0.3552191,14.6540741,5.6372688,1.8499839,2021-08-13 12:54:21,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_pregnant,day,hrr,2021-02-09,2021-08-06,264.0,0.3546099,16.0194175,5.5408598,1.8581863,2021-08-11 12:56:23,20210811,5,36.0 -fb-survey,smoothed_hesitancy_reason_pregnant,day,msa,2021-02-09,2021-08-07,182.0,0.3552191,15.2817242,5.6604232,1.8489533,2021-08-12 12:54:54,20210812,5,36.0 -fb-survey,smoothed_hesitancy_reason_pregnant,day,nation,2021-02-09,2021-08-08,1.0,4.768177,8.4482759,5.7052265,0.7252245,2021-08-13 12:57:00,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_pregnant,day,state,2021-02-09,2021-08-08,50.0,0.4761905,14.6177141,5.6006103,1.4179715,2021-08-13 12:57:07,20210813,5,36.0 -fb-survey,smoothed_hesitancy_reason_religious,day,county,2021-02-09,2022-06-27,269.0,0.2360437,31.0896908,9.5731818,5.6135668,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_religious,day,hrr,2021-02-09,2022-06-27,264.0,0.2145923,32.5242718,9.5878573,5.6824616,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_religious,day,msa,2021-02-09,2022-06-27,182.0,0.2575795,33.000132,9.0745758,5.588583,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_religious,day,nation,2021-02-09,2022-06-27,1.0,2.9005064,17.879135,11.4734824,4.4808544,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_religious,day,state,2021-02-09,2022-06-27,50.0,0.4587282,31.0896908,11.4886602,5.1003127,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,county,2021-02-09,2022-06-27,269.0,32.1700956,77.7274672,54.5277961,6.6817846,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,hrr,2021-02-09,2022-06-27,264.0,31.7391304,77.184466,54.6944144,6.8935509,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,msa,2021-02-09,2022-06-27,182.0,31.3196644,77.8600854,54.208866,6.8612561,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,nation,2021-02-09,2022-06-27,1.0,46.2099725,61.6628626,56.8816361,4.3930445,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,state,2021-02-09,2022-06-27,50.0,36.222644,77.7274672,56.8734399,5.5501117,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,county,2021-02-09,2022-06-27,269.0,2.6923077,60.9159097,30.8502858,10.6748742,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,hrr,2021-02-09,2022-06-27,264.0,3.9634146,60.738255,30.479742,9.5801621,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,msa,2021-02-09,2022-06-27,182.0,4.9094519,60.2549363,29.5871094,9.7960234,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,nation,2021-02-09,2022-06-27,1.0,14.985451,44.0741505,34.973603,7.3436236,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,state,2021-02-09,2022-06-27,50.0,9.8511649,60.9159097,35.3889361,8.6494152,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,county,2021-02-09,2022-06-27,269.0,7.203921,61.8609084,33.163916,9.1076926,2022-07-01 14:59:44,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,hrr,2021-02-09,2022-06-27,264.0,7.4257426,58.6065574,34.2231687,7.8186749,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,msa,2021-02-09,2022-06-27,182.0,8.4083875,56.0710642,35.301723,7.945878,2022-07-01 15:00:13,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,nation,2021-02-09,2022-06-27,1.0,15.5350781,42.261273,29.55581,8.3428445,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,state,2021-02-09,2022-06-27,50.0,7.203921,50.3012048,29.9396632,8.5442628,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_hh_cmnty_cli,day,county,2020-04-15,2022-06-27,1254.0,1.4851485,71.4236679,21.7236053,10.0597465,2022-07-01 14:59:44,20220701,1,141.0 -fb-survey,smoothed_hh_cmnty_cli,day,hrr,2020-04-15,2022-06-27,306.0,2.0833333,69.6261682,22.5243714,10.1504462,2022-07-01 14:59:59,20220701,1,141.0 -fb-survey,smoothed_hh_cmnty_cli,day,msa,2020-04-15,2022-06-27,381.0,2.291879,71.5988029,22.9118476,10.3617076,2022-07-01 15:00:14,20220701,1,141.0 -fb-survey,smoothed_hh_cmnty_cli,day,nation,2020-04-15,2022-06-27,1.0,8.9571677,46.6586363,21.5844429,7.4300114,2022-07-01 15:00:23,20220701,1,244.0 -fb-survey,smoothed_hh_cmnty_cli,day,state,2020-04-15,2022-06-27,52.0,3.0,63.6425937,22.0163667,9.5743832,2022-07-01 15:00:28,20220701,1,141.0 -fb-survey,smoothed_ili,day,county,2020-04-06,2022-06-27,1536.0,0.0,13.0003763,1.0523321,1.0539384,2022-07-01 14:59:45,20220701,1,150.0 -fb-survey,smoothed_ili,day,hrr,2020-04-06,2022-06-27,306.0,0.0,12.4443956,1.2519422,1.0877521,2022-07-01 14:59:59,20220701,1,150.0 -fb-survey,smoothed_ili,day,msa,2020-04-06,2022-06-27,382.0,0.0,12.9951589,1.1853276,1.1148771,2022-07-01 15:00:14,20220701,1,150.0 -fb-survey,smoothed_ili,day,nation,2020-04-06,2022-06-27,1.0,0.3778058,4.5067924,1.1945039,0.8030019,2022-07-01 15:00:23,20220701,1,253.0 -fb-survey,smoothed_ili,day,state,2020-04-06,2022-06-27,52.0,0.0,7.5896827,1.2279235,0.9389695,2022-07-01 15:00:28,20220701,1,150.0 -fb-survey,smoothed_inperson_school_fulltime,day,county,2020-11-24,2021-12-24,295.0,2.4768475,95.9090909,44.5197765,24.4115893,2022-02-02 20:51:33,20220202,5,133.0 -fb-survey,smoothed_inperson_school_fulltime,day,hrr,2020-11-24,2021-12-22,264.0,2.5,96.6981132,46.6805616,23.126512,2022-02-02 20:52:47,20220202,5,133.0 -fb-survey,smoothed_inperson_school_fulltime,day,msa,2020-11-24,2021-12-24,181.0,2.4768475,95.8277046,45.6823519,23.6294977,2022-02-02 20:53:52,20220202,5,133.0 -fb-survey,smoothed_inperson_school_fulltime,day,nation,2020-11-24,2021-12-24,1.0,31.1474442,86.2974266,57.9919467,19.6343032,2022-02-02 20:54:38,20220202,5,133.0 -fb-survey,smoothed_inperson_school_fulltime,day,state,2020-11-24,2021-12-24,50.0,4.6188443,95.9090909,58.5177167,22.7773491,2022-02-02 20:54:50,20220202,5,133.0 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,county,2021-12-19,2022-06-27,70.0,64.2528801,99.5454541,93.1441744,3.8302019,2022-07-01 14:59:45,20220701,1,14.0 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,hrr,2021-12-21,2022-06-27,89.0,58.7378641,99.7326203,91.7818697,5.0539044,2022-07-01 14:59:59,20220701,1,14.0 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,msa,2021-12-20,2022-06-27,53.0,58.9464332,99.6914588,92.912921,4.2150885,2022-07-01 15:00:14,20220701,1,14.0 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,nation,2021-12-19,2022-06-27,1.0,88.4834058,95.8449786,93.797397,1.8885489,2022-07-01 15:00:23,20220701,1,14.0 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,state,2021-12-19,2022-06-27,42.0,64.2528801,99.5454541,93.2461363,3.7585036,2022-07-01 15:00:28,20220701,1,14.0 -fb-survey,smoothed_inperson_school_parttime,day,county,2020-11-24,2021-12-24,293.0,0.4471104,75.0,23.66865,12.0654216,2022-02-02 20:51:34,20220202,1,133.0 -fb-survey,smoothed_inperson_school_parttime,day,hrr,2020-11-24,2021-12-22,259.0,0.4464286,64.9390244,24.6476029,11.1406814,2022-02-02 20:52:47,20220202,5,133.0 -fb-survey,smoothed_inperson_school_parttime,day,msa,2020-11-24,2021-12-23,178.0,0.4471104,67.5480642,23.7069805,11.3600091,2022-02-02 20:53:52,20220202,5,133.0 -fb-survey,smoothed_inperson_school_parttime,day,nation,2020-11-24,2021-12-24,1.0,14.670418,28.0281176,21.435269,4.6015634,2022-02-02 20:54:38,20220202,5,133.0 -fb-survey,smoothed_inperson_school_parttime,day,state,2020-11-24,2021-12-24,50.0,4.6727195,65.3645513,22.4179137,9.9737538,2022-02-02 20:54:50,20220202,5,133.0 -fb-survey,smoothed_inperson_school_parttime_oldest,day,county,2021-12-19,2022-06-27,70.0,0.1455601,25.061993,4.3675839,2.6485041,2022-07-01 14:59:45,20220701,1,14.0 -fb-survey,smoothed_inperson_school_parttime_oldest,day,hrr,2021-12-21,2022-06-27,89.0,0.1968504,27.4691358,5.2424037,3.457449,2022-07-01 14:59:59,20220701,1,14.0 -fb-survey,smoothed_inperson_school_parttime_oldest,day,msa,2021-12-20,2022-06-27,53.0,0.2105131,30.1952249,4.4253137,2.7792599,2022-07-01 15:00:14,20220701,1,14.0 -fb-survey,smoothed_inperson_school_parttime_oldest,day,nation,2021-12-19,2022-06-27,1.0,2.4698405,7.3677432,3.9326243,1.2549263,2022-07-01 15:00:23,20220701,1,14.0 -fb-survey,smoothed_inperson_school_parttime_oldest,day,state,2021-12-19,2022-06-27,42.0,0.1455601,21.0691824,4.3116651,2.6010067,2022-07-01 15:00:28,20220701,1,14.0 -fb-survey,smoothed_large_event_1d,day,county,2020-09-08,2021-03-15,835.0,0.2747253,35.0190308,9.9150598,5.0553773,2021-03-20 11:51:20,20210320,1,92.0 -fb-survey,smoothed_large_event_1d,day,hrr,2020-09-08,2021-03-11,306.0,0.5050505,38.372093,10.6125117,4.9980909,2021-03-17 18:57:57,20210317,2,92.0 -fb-survey,smoothed_large_event_1d,day,msa,2020-09-08,2021-03-14,370.0,0.2747253,41.2128132,10.5650454,5.0873737,2021-03-19 11:51:40,20210319,1,92.0 -fb-survey,smoothed_large_event_1d,day,nation,2020-09-08,2021-03-18,1.0,5.821922,14.4078957,9.8547453,2.9501063,2021-03-23 11:53:35,20210323,2,98.0 -fb-survey,smoothed_large_event_1d,day,state,2020-09-08,2021-03-15,51.0,1.3324856,27.9500957,10.08541,4.6567058,2021-03-20 11:52:11,20210320,2,92.0 -fb-survey,smoothed_large_event_indoors_1d,day,county,2021-03-02,2022-06-27,670.0,0.8426611,48.9674534,19.5557945,6.5286424,2022-07-01 14:59:45,20220701,1,63.0 -fb-survey,smoothed_large_event_indoors_1d,day,hrr,2021-03-02,2022-06-27,306.0,1.2,49.5535714,20.8342057,6.3583766,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_large_event_indoors_1d,day,msa,2021-03-02,2022-06-27,349.0,1.0457604,48.695691,20.0899501,6.3579349,2022-07-01 15:00:14,20220701,1,63.0 -fb-survey,smoothed_large_event_indoors_1d,day,nation,2021-03-02,2022-06-27,1.0,9.2876428,28.4955233,20.3804892,4.9184689,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_large_event_indoors_1d,day,state,2021-03-02,2022-06-27,51.0,2.1613833,42.4393107,20.8737336,6.3113389,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_nohh_cmnty_cli,day,county,2020-04-15,2022-06-27,1255.0,0.0873015873015873,64.9542619,17.3135055,9.2732346,2022-07-01 14:59:45,20220701,1,141.0 -fb-survey,smoothed_nohh_cmnty_cli,day,hrr,2020-04-15,2022-06-27,306.0,0.4385965,62.3015873,17.847692,9.3914735,2022-07-01 14:59:59,20220701,1,141.0 -fb-survey,smoothed_nohh_cmnty_cli,day,msa,2020-04-15,2022-06-27,381.0,0.4140571,62.6385053,18.2762835,9.6017706,2022-07-01 15:00:14,20220701,1,141.0 -fb-survey,smoothed_nohh_cmnty_cli,day,nation,2020-04-15,2022-06-27,1.0,5.9029574,40.1083297,17.0003805,6.7897742,2022-07-01 15:00:23,20220701,1,244.0 -fb-survey,smoothed_nohh_cmnty_cli,day,state,2020-04-15,2022-06-27,52.0,1.8,57.8524353,17.3921858,8.8588016,2022-07-01 15:00:28,20220701,1,141.0 -fb-survey,smoothed_others_distanced_public,day,county,2021-06-04,2022-06-27,360.0,3.3562166,57.5892857,20.6124184,6.831208,2022-07-01 14:59:45,20220701,1,63.0 -fb-survey,smoothed_others_distanced_public,day,hrr,2021-06-04,2022-06-27,290.0,3.0701754,57.2,19.9457339,6.4247535,2022-07-01 14:59:59,20220701,1,63.0 -fb-survey,smoothed_others_distanced_public,day,msa,2021-06-04,2022-06-27,214.0,3.0156712,57.5892857,20.1721024,6.5892291,2022-07-01 15:00:14,20220701,1,63.0 -fb-survey,smoothed_others_distanced_public,day,nation,2021-06-04,2022-06-27,1.0,12.6425317,30.5620336,19.4177543,3.9138545,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_others_distanced_public,day,state,2021-06-04,2022-06-27,51.0,6.1373559,54.1118421,19.1732815,5.9312161,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_others_masked,day,county,2020-11-24,2021-08-08,726.0,0.4545455,99.5689655,76.7892852,20.3268655,2021-08-13 12:54:26,20210813,0,44.0 -fb-survey,smoothed_others_masked,day,hrr,2020-11-24,2021-08-08,306.0,0.3012048,97.8483607,70.5054701,23.0938682,2021-08-13 12:55:39,20210813,5,44.0 -fb-survey,smoothed_others_masked,day,msa,2020-11-24,2021-08-08,355.0,0.9678555,99.3561028,73.8146157,20.8637976,2021-08-13 12:56:27,20210813,5,44.0 -fb-survey,smoothed_others_masked,day,nation,2020-11-24,2021-08-08,1.0,11.3260333,83.3975338,62.0673298,26.5766067,2021-08-13 12:57:00,20210813,5,44.0 -fb-survey,smoothed_others_masked,day,state,2020-11-24,2021-08-08,51.0,0.4545455,97.3011364,65.3182332,27.4483035,2021-08-13 12:57:08,20210813,5,44.0 -fb-survey,smoothed_others_masked_public,day,county,2021-05-20,2022-06-27,363.0,0.1847656,91.411247,24.0853734,22.5073682,2022-07-01 14:59:45,20220701,1,63.0 -fb-survey,smoothed_others_masked_public,day,hrr,2021-05-20,2022-06-27,289.0,0.1552795,91.6666667,19.7083939,20.4022362,2022-07-01 15:00:00,20220701,1,63.0 -fb-survey,smoothed_others_masked_public,day,msa,2021-05-20,2022-06-27,215.0,0.1495027,88.8538176,20.9942671,20.7558111,2022-07-01 15:00:14,20220701,1,63.0 -fb-survey,smoothed_others_masked_public,day,nation,2021-05-20,2022-06-27,1.0,3.3426304,55.2231769,19.5272947,10.9635458,2022-07-01 15:00:23,20220701,1,63.0 -fb-survey,smoothed_others_masked_public,day,state,2021-05-20,2022-06-27,51.0,0.2051755,86.6319444,17.6915699,18.9261281,2022-07-01 15:00:28,20220701,1,63.0 -fb-survey,smoothed_public_transit_1d,day,county,2020-09-08,2022-06-27,835.0,0.095057,62.1767008,4.0788632,4.2801094,2022-07-01 14:59:45,20220701,1,92.0 -fb-survey,smoothed_public_transit_1d,day,hrr,2020-09-08,2022-06-27,306.0,0.1347709,49.3869732,3.9592897,3.574987,2022-07-01 15:00:00,20220701,1,92.0 -fb-survey,smoothed_public_transit_1d,day,msa,2020-09-08,2022-06-27,370.0,0.134393,22.9349191,3.5387868,2.0462001,2022-07-01 15:00:14,20220701,1,92.0 -fb-survey,smoothed_public_transit_1d,day,nation,2020-09-08,2022-06-27,1.0,2.1052249,6.8432808,4.3162926,1.3625614,2022-07-01 15:00:23,20220701,1,98.0 -fb-survey,smoothed_public_transit_1d,day,state,2020-09-08,2022-06-27,51.0,0.2777778,40.6077348,4.2994529,3.2892331,2022-07-01 15:00:28,20220701,1,92.0 -fb-survey,smoothed_race_treated_fairly_healthcare,day,county,2021-05-20,2022-06-27,350.0,45.7284817,95.754717,80.5063719,5.9788001,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_race_treated_fairly_healthcare,day,hrr,2021-05-20,2022-06-27,288.0,48.828125,96.7592593,80.9544846,5.5061638,2022-07-01 15:00:00,20220701,1,110.0 -fb-survey,smoothed_race_treated_fairly_healthcare,day,msa,2021-05-20,2022-06-27,213.0,55.8864608,96.0307321,81.0345777,5.0956802,2022-07-01 15:00:14,20220701,1,110.0 -fb-survey,smoothed_race_treated_fairly_healthcare,day,nation,2021-05-20,2022-06-27,1.0,79.5861654,82.0039327,80.7542663,0.6791153,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_race_treated_fairly_healthcare,day,state,2021-05-20,2022-06-27,51.0,61.328125,95.2020275,81.4277317,4.1343718,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_2_vaccine_doses,day,county,2021-01-13,2021-11-14,552.0,2.3198356,99.5404178,80.4469778,17.4457364,2021-11-19 13:51:23,20211119,1,44.0 -fb-survey,smoothed_received_2_vaccine_doses,day,hrr,2021-01-14,2021-11-14,305.0,2.6315789,98.7603306,78.6262274,19.1983196,2021-11-19 13:52:55,20211119,1,44.0 -fb-survey,smoothed_received_2_vaccine_doses,day,msa,2021-01-13,2021-11-14,314.0,1.4015063,99.5404178,79.7855858,18.1636474,2021-11-19 13:54:05,20211119,1,44.0 -fb-survey,smoothed_received_2_vaccine_doses,day,nation,2021-01-13,2021-11-14,1.0,18.0464866,93.7901764,76.0886178,21.9440468,2021-11-19 13:54:51,20211119,1,44.0 -fb-survey,smoothed_received_2_vaccine_doses,day,state,2021-01-13,2021-11-14,51.0,7.195572,96.8390805,76.7985081,21.4059638,2021-11-19 13:54:59,20211119,1,44.0 -fb-survey,smoothed_received_news_cdc,day,county,2021-05-20,2022-06-27,352.0,17.312376,83.8691929,50.6508482,9.2428997,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_cdc,day,hrr,2021-05-20,2022-06-27,289.0,18.7943262,79.2763158,48.1565334,8.7193388,2022-07-01 15:00:00,20220701,1,110.0 -fb-survey,smoothed_received_news_cdc,day,msa,2021-05-20,2022-06-27,214.0,17.312376,80.0966962,49.9010932,8.6830128,2022-07-01 15:00:14,20220701,1,110.0 -fb-survey,smoothed_received_news_cdc,day,nation,2021-05-20,2022-06-27,1.0,34.376968,62.0013045,47.7332059,6.9562962,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_received_news_cdc,day,state,2021-05-20,2022-06-27,51.0,21.3121132,80.0653595,47.8799708,8.7058391,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_news_experts,day,county,2021-05-20,2022-06-27,352.0,15.4020118,76.4838488,46.0801026,9.0546172,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_experts,day,hrr,2021-05-20,2022-06-27,289.0,10.3960396,76.0869565,43.6024718,8.6323687,2022-07-01 15:00:00,20220701,1,110.0 -fb-survey,smoothed_received_news_experts,day,msa,2021-05-20,2022-06-27,214.0,15.4020118,76.4838488,45.2427395,8.5528722,2022-07-01 15:00:14,20220701,1,110.0 -fb-survey,smoothed_received_news_experts,day,nation,2021-05-20,2022-06-27,1.0,29.6171405,52.3496564,43.040267,6.3316409,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_received_news_experts,day,state,2021-05-20,2022-06-27,51.0,15.7130176,70.0980392,42.9188447,8.2292133,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_news_friends,day,county,2021-05-20,2022-06-27,352.0,7.7432706,50.7741956,26.7384901,5.8833039,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_friends,day,hrr,2021-05-20,2022-06-27,289.0,5.1181102,51.1904762,25.5411159,5.6777075,2022-07-01 15:00:00,20220701,1,110.0 -fb-survey,smoothed_received_news_friends,day,msa,2021-05-20,2022-06-27,214.0,7.9338375,47.7828711,26.0776042,5.6801554,2022-07-01 15:00:14,20220701,1,110.0 -fb-survey,smoothed_received_news_friends,day,nation,2021-05-20,2022-06-27,1.0,18.5287658,32.7078103,25.0839403,4.232665,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_received_news_friends,day,state,2021-05-20,2022-06-27,51.0,8.6484698,48.8970588,24.9527965,5.1881611,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_news_govt_health,day,county,2021-05-20,2022-06-27,352.0,11.2360077,75.9390557,42.3387361,8.5996051,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_govt_health,day,hrr,2021-05-20,2022-06-27,289.0,8.7155963,72.1238938,40.1722302,8.2112814,2022-07-01 15:00:00,20220701,1,110.0 -fb-survey,smoothed_received_news_govt_health,day,msa,2021-05-20,2022-06-27,214.0,10.7331883,75.9390557,41.4797682,8.2858454,2022-07-01 15:00:15,20220701,1,110.0 -fb-survey,smoothed_received_news_govt_health,day,nation,2021-05-20,2022-06-27,1.0,26.3702126,48.9312391,39.6279308,6.2032699,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_received_news_govt_health,day,state,2021-05-20,2022-06-27,51.0,16.1182262,75.6849315,39.8700826,8.2698508,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_news_journalists,day,county,2021-05-20,2022-06-27,352.0,18.1361571,71.5753425,40.9366511,6.6404217,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_journalists,day,hrr,2021-05-20,2022-06-27,289.0,13.8095238,66.2601626,38.8559338,6.2780698,2022-07-01 15:00:00,20220701,1,110.0 -fb-survey,smoothed_received_news_journalists,day,msa,2021-05-20,2022-06-27,214.0,17.6076207,67.8437627,39.9352284,5.9403424,2022-07-01 15:00:15,20220701,1,110.0 -fb-survey,smoothed_received_news_journalists,day,nation,2021-05-20,2022-06-27,1.0,29.8004842,44.8232294,38.7965116,3.379436,2022-07-01 15:00:23,20220701,1,110.0 -fb-survey,smoothed_received_news_journalists,day,state,2021-05-20,2022-06-27,51.0,18.5121144,71.5753425,38.4492033,5.5845236,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_news_local_health,day,county,2021-05-20,2022-06-27,352.0,13.086205,51.3641074,31.4615558,5.099061,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_local_health,day,hrr,2021-05-20,2022-06-27,289.0,9.5041322,52.962963,30.9371166,5.0522055,2022-07-01 15:00:01,20220701,1,110.0 -fb-survey,smoothed_received_news_local_health,day,msa,2021-05-20,2022-06-27,214.0,12.7113586,52.5606046,31.4198377,5.0660626,2022-07-01 15:00:15,20220701,1,110.0 -fb-survey,smoothed_received_news_local_health,day,nation,2021-05-20,2022-06-27,1.0,25.7341349,35.5974473,30.3417511,3.5064817,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_received_news_local_health,day,state,2021-05-20,2022-06-27,51.0,16.3908796,46.9298246,30.3429556,4.4405127,2022-07-01 15:00:28,20220701,1,110.0 -fb-survey,smoothed_received_news_none,day,county,2021-05-20,2022-06-27,352.0,2.0719957,51.741146,18.2266474,6.5932903,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_none,day,hrr,2021-05-20,2022-06-27,289.0,3.2934132,51.3392857,20.2708858,6.7447741,2022-07-01 15:00:01,20220701,1,110.0 -fb-survey,smoothed_received_news_none,day,msa,2021-05-20,2022-06-27,214.0,3.4415375,50.8466214,19.0390409,6.2442693,2022-07-01 15:00:15,20220701,1,110.0 -fb-survey,smoothed_received_news_none,day,nation,2021-05-20,2022-06-27,1.0,13.285984,31.2890969,20.5412468,5.0736556,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_received_news_none,day,state,2021-05-20,2022-06-27,51.0,3.3980583,51.741146,21.024077,6.7603186,2022-07-01 15:00:29,20220701,1,110.0 -fb-survey,smoothed_received_news_politicians,day,county,2021-05-20,2022-06-27,352.0,0.8940556,32.5937989,14.0008319,4.2653918,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_politicians,day,hrr,2021-05-20,2022-06-27,289.0,1.4018692,34.2975207,13.6821224,4.1663945,2022-07-01 15:00:01,20220701,1,110.0 -fb-survey,smoothed_received_news_politicians,day,msa,2021-05-20,2022-06-27,214.0,0.9588292,33.178543,13.8866663,4.2377682,2022-07-01 15:00:15,20220701,1,110.0 -fb-survey,smoothed_received_news_politicians,day,nation,2021-05-20,2022-06-27,1.0,6.6163647,19.3050672,13.1515188,3.3615168,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_received_news_politicians,day,state,2021-05-20,2022-06-27,51.0,2.5184476,30.6034483,13.2356591,3.7841364,2022-07-01 15:00:29,20220701,1,110.0 -fb-survey,smoothed_received_news_religious,day,county,2021-05-20,2022-06-27,352.0,0.1473069,45.2891468,3.5073868,2.0707023,2022-07-01 14:59:46,20220701,1,110.0 -fb-survey,smoothed_received_news_religious,day,hrr,2021-05-20,2022-06-27,289.0,0.1272265,44.9115044,3.4576402,1.9319238,2022-07-01 15:00:01,20220701,1,110.0 -fb-survey,smoothed_received_news_religious,day,msa,2021-05-20,2022-06-27,214.0,0.1374717,44.8339205,3.5319733,2.1284912,2022-07-01 15:00:15,20220701,1,110.0 -fb-survey,smoothed_received_news_religious,day,nation,2021-05-20,2022-06-27,1.0,1.9109,4.7174082,3.1307987,0.6967878,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_received_news_religious,day,state,2021-05-20,2022-06-27,51.0,0.1612903,30.9379587,3.2542438,1.6775432,2022-07-01 15:00:29,20220701,1,110.0 -fb-survey,smoothed_restaurant_1d,day,county,2020-09-08,2021-03-15,835.0,0.3676141,43.0794739,16.832985,6.4682913,2021-03-20 11:51:22,20210320,1,92.0 -fb-survey,smoothed_restaurant_1d,day,hrr,2020-09-08,2021-03-11,306.0,1.6081871,38.6178862,17.1756996,6.1310185,2021-03-17 18:57:58,20210317,2,92.0 -fb-survey,smoothed_restaurant_1d,day,msa,2020-09-08,2021-03-14,370.0,1.3915847,41.8370156,17.3328964,6.3786693,2021-03-19 11:51:40,20210319,1,92.0 -fb-survey,smoothed_restaurant_1d,day,nation,2020-09-08,2021-03-18,1.0,10.4524366,22.6636252,16.8144285,4.0862523,2021-03-23 11:53:36,20210323,2,98.0 -fb-survey,smoothed_restaurant_1d,day,state,2020-09-08,2021-03-15,51.0,3.5497285,35.6485482,16.9186822,5.5279085,2021-03-20 11:52:11,20210320,2,92.0 -fb-survey,smoothed_restaurant_indoors_1d,day,county,2021-03-02,2022-06-27,670.0,2.7331963,64.8308781,31.960638,7.7718147,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_restaurant_indoors_1d,day,hrr,2021-03-02,2022-06-27,306.0,2.6011561,67.1428571,32.8701005,7.2634747,2022-07-01 15:00:01,20220701,1,63.0 -fb-survey,smoothed_restaurant_indoors_1d,day,msa,2021-03-02,2022-06-27,349.0,2.9035161,64.8308781,32.5363587,7.4270669,2022-07-01 15:00:15,20220701,1,63.0 -fb-survey,smoothed_restaurant_indoors_1d,day,nation,2021-03-02,2022-06-27,1.0,17.2784122,39.501548,32.6372926,5.4919707,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_restaurant_indoors_1d,day,state,2021-03-02,2022-06-27,51.0,6.1959654,53.0953846,32.7768418,6.9573693,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_screening_tested_positive_14d,day,county,2021-03-19,2022-02-16,62.0,0.117647,23.1817905,2.8704683,2.4927731,2022-02-21 13:51:42,20220221,4,63.0 -fb-survey,smoothed_screening_tested_positive_14d,day,hrr,2021-03-19,2022-02-03,59.0,0.1557632,16.2280702,2.9334139,2.3583522,2022-02-08 15:20:40,20220208,4,63.0 -fb-survey,smoothed_screening_tested_positive_14d,day,msa,2021-03-19,2022-02-12,36.0,0.1706702,13.4830291,2.6089512,2.165859,2022-02-17 15:54:14,20220217,4,63.0 -fb-survey,smoothed_screening_tested_positive_14d,day,nation,2021-03-19,2022-02-18,1.0,1.033658,8.3287778,2.5091115,1.8165345,2022-02-23 13:53:51,20220223,4,63.0 -fb-survey,smoothed_screening_tested_positive_14d,day,state,2021-03-19,2022-02-16,41.0,0.117647,23.1817905,2.862409,2.4994776,2022-02-21 13:54:16,20220221,4,63.0 -fb-survey,smoothed_shop_1d,day,county,2020-09-08,2021-03-15,835.0,31.0457878,80.9303016,55.799649,5.697443,2021-03-20 11:51:22,20210320,1,92.0 -fb-survey,smoothed_shop_1d,day,hrr,2020-09-08,2021-03-11,306.0,34.1911765,80.078125,56.1945625,4.9992259,2021-03-17 18:57:58,20210317,2,92.0 -fb-survey,smoothed_shop_1d,day,msa,2020-09-08,2021-03-14,370.0,31.0457878,79.8241917,56.2465007,5.5273594,2021-03-19 11:51:41,20210319,1,92.0 -fb-survey,smoothed_shop_1d,day,nation,2020-09-08,2021-03-18,1.0,48.7589625,63.5714286,56.0491055,3.6312046,2021-03-23 11:53:36,20210323,2,98.0 -fb-survey,smoothed_shop_1d,day,state,2020-09-08,2021-03-15,51.0,38.8026714,71.0785011,55.8633728,4.390865,2021-03-20 11:52:11,20210320,2,92.0 -fb-survey,smoothed_shop_indoors_1d,day,county,2021-03-02,2022-06-27,670.0,37.1943143,86.213313,63.5125812,5.9668137,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_shop_indoors_1d,day,hrr,2021-03-02,2022-06-27,306.0,37.3873874,83.8582677,64.0812804,5.3502162,2022-07-01 15:00:01,20220701,1,63.0 -fb-survey,smoothed_shop_indoors_1d,day,msa,2021-03-02,2022-06-27,349.0,39.8970268,85.235709,63.8099815,5.6786129,2022-07-01 15:00:15,20220701,1,63.0 -fb-survey,smoothed_shop_indoors_1d,day,nation,2021-03-02,2022-06-27,1.0,52.584436,69.1694563,63.8664099,4.1159181,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_shop_indoors_1d,day,state,2021-03-02,2022-06-27,51.0,39.0489914,77.3469237,64.202676,4.7537286,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_spent_time_1d,day,county,2020-09-08,2021-03-15,835.0,11.1333192,65.7019113,35.7243069,7.20866,2021-03-20 11:51:22,20210320,1,92.0 -fb-survey,smoothed_spent_time_1d,day,hrr,2020-09-08,2021-03-11,306.0,16.0805861,68.0147059,36.3163891,6.8526953,2021-03-17 18:57:58,20210317,2,92.0 -fb-survey,smoothed_spent_time_1d,day,msa,2020-09-08,2021-03-14,370.0,14.7522808,71.5605842,36.4135148,6.9560007,2021-03-19 11:51:41,20210319,1,92.0 -fb-survey,smoothed_spent_time_1d,day,nation,2020-09-08,2021-03-18,1.0,27.3592369,45.4855762,35.6599339,5.2053241,2021-03-23 11:53:36,20210323,2,98.0 -fb-survey,smoothed_spent_time_1d,day,state,2020-09-08,2021-03-15,51.0,20.9839357,61.1029307,36.1353946,6.4029348,2021-03-20 11:52:11,20210320,2,92.0 -fb-survey,smoothed_spent_time_indoors_1d,day,county,2021-03-02,2022-06-27,670.0,13.6185427,68.0766531,42.5816393,6.7250815,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_spent_time_indoors_1d,day,hrr,2021-03-02,2022-06-27,306.0,13.8980263,69.4174757,43.5116699,6.3400205,2022-07-01 15:00:01,20220701,1,63.0 -fb-survey,smoothed_spent_time_indoors_1d,day,msa,2021-03-02,2022-06-27,349.0,15.7098596,67.506316,43.1458971,6.3721644,2022-07-01 15:00:15,20220701,1,63.0 -fb-survey,smoothed_spent_time_indoors_1d,day,nation,2021-03-02,2022-06-27,1.0,31.7669627,50.1394421,43.013888,4.2230405,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_spent_time_indoors_1d,day,state,2021-03-02,2022-06-27,51.0,19.5478723,62.0851589,44.0493843,5.8402787,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_tested_14d,day,county,2020-09-08,2022-06-27,802.0,0.3763116,60.1618463,13.3762443,7.1632356,2022-07-01 14:59:47,20220701,1,92.0 -fb-survey,smoothed_tested_14d,day,hrr,2020-09-08,2022-06-27,306.0,0.3759398,54.8507463,13.3679335,6.8422179,2022-07-01 15:00:01,20220701,1,92.0 -fb-survey,smoothed_tested_14d,day,msa,2020-09-08,2022-06-27,366.0,0.468327,51.7699115,13.0237435,6.7146357,2022-07-01 15:00:15,20220701,1,92.0 -fb-survey,smoothed_tested_14d,day,nation,2020-09-08,2022-06-27,1.0,6.7457229,30.8202368,13.6709261,5.6521833,2022-07-01 15:00:24,20220701,1,98.0 -fb-survey,smoothed_tested_14d,day,state,2020-09-08,2022-06-27,51.0,3.1647525,55.9561129,13.7596762,6.8894805,2022-07-01 15:00:29,20220701,1,92.0 -fb-survey,smoothed_tested_positive_14d,day,county,2020-09-08,2022-06-27,225.0,0.3179165,55.3326263,16.1408705,9.5222896,2022-07-01 14:59:47,20220701,1,92.0 -fb-survey,smoothed_tested_positive_14d,day,hrr,2020-09-09,2022-06-27,225.0,0.3289474,58.8461538,17.0765221,10.0769297,2022-07-01 15:00:01,20220701,1,91.0 -fb-survey,smoothed_tested_positive_14d,day,msa,2020-09-08,2022-06-27,138.0,0.3697014,57.088055,16.5016645,9.9953246,2022-07-01 15:00:15,20220701,1,92.0 -fb-survey,smoothed_tested_positive_14d,day,nation,2020-09-08,2022-06-27,1.0,4.5745106,33.5769515,14.4196346,6.8459732,2022-07-01 15:00:24,20220701,1,98.0 -fb-survey,smoothed_tested_positive_14d,day,state,2020-09-08,2022-06-27,51.0,0.3448276,50.4549182,15.6387244,9.0528174,2022-07-01 15:00:29,20220701,1,92.0 -fb-survey,smoothed_travel_outside_state_5d,day,county,2020-04-06,2021-03-15,1438.0,0.1278728,62.0102684,9.2267224,6.9656407,2021-03-20 11:51:23,20210320,1,247.0 -fb-survey,smoothed_travel_outside_state_5d,day,hrr,2020-04-06,2021-03-11,306.0,0.1602564,60.8490566,8.8027838,5.8373052,2021-03-17 18:57:58,20210317,1,247.0 -fb-survey,smoothed_travel_outside_state_5d,day,msa,2020-04-06,2021-03-14,382.0,0.1057638,58.3878256,8.6504808,6.4744061,2021-03-19 11:51:41,20210319,1,247.0 -fb-survey,smoothed_travel_outside_state_5d,day,nation,2020-04-06,2021-03-18,1.0,3.4962419,12.0337847,8.345124,2.2727862,2021-03-23 11:53:37,20210323,5,253.0 -fb-survey,smoothed_travel_outside_state_5d,day,state,2020-04-06,2021-03-15,52.0,0.5523732,33.68356,10.1314193,5.3121718,2021-03-20 11:52:11,20210320,5,247.0 -fb-survey,smoothed_travel_outside_state_7d,day,county,2021-03-02,2022-02-18,663.0,0.2888028,59.9099099,13.4613361,7.0376795,2022-02-23 13:51:43,20220223,1,63.0 -fb-survey,smoothed_travel_outside_state_7d,day,hrr,2021-03-02,2022-02-17,306.0,0.3267974,52.4074074,13.4212873,6.676349,2022-02-22 13:53:55,20220222,4,63.0 -fb-survey,smoothed_travel_outside_state_7d,day,msa,2021-03-02,2022-02-18,347.0,0.2888028,53.1144844,12.7939332,6.795581,2022-02-23 13:53:24,20220223,4,63.0 -fb-survey,smoothed_travel_outside_state_7d,day,nation,2021-03-02,2022-02-20,1.0,8.2461599,16.5613488,12.9164168,2.1343214,2022-02-25 13:53:26,20220225,4,63.0 -fb-survey,smoothed_travel_outside_state_7d,day,state,2021-03-02,2022-02-18,51.0,1.8213866,46.347032,15.4810928,6.3118193,2022-02-23 13:54:01,20220223,4,63.0 -fb-survey,smoothed_trust_covid_info_cdc,day,county,2021-05-20,2022-06-27,350.0,27.1256082,84.5459654,57.614259,7.5952306,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_cdc,day,hrr,2021-05-20,2022-06-27,288.0,25.462963,81.2883436,54.9767355,7.3131159,2022-07-01 15:00:01,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_cdc,day,msa,2021-05-20,2022-06-27,214.0,29.7698242,79.825075,56.5924869,6.8854451,2022-07-01 15:00:15,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_cdc,day,nation,2021-05-20,2022-06-27,1.0,49.3947756,59.4503216,55.1219109,2.9995216,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_cdc,day,state,2021-05-20,2022-06-27,51.0,32.3779553,81.6037736,54.8223408,6.4017258,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_doctors,day,county,2021-05-20,2022-06-27,349.0,46.2507761,90.2044342,69.5155329,6.197707,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_doctors,day,hrr,2021-05-20,2022-06-27,288.0,39.9038462,87.7952756,67.379049,5.8552502,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_doctors,day,msa,2021-05-20,2022-06-27,213.0,47.6851852,88.1973757,68.9191687,5.4751655,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_doctors,day,nation,2021-05-20,2022-06-27,1.0,65.0621494,70.6477209,67.5793704,1.3295593,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_doctors,day,state,2021-05-20,2022-06-27,51.0,46.2507761,86.9127517,67.3045155,4.7440448,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_experts,day,county,2021-05-20,2022-06-27,348.0,33.47621,91.0104694,63.36685,8.5940192,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_experts,day,hrr,2021-05-20,2022-06-27,287.0,27.9411765,87.1681416,59.9603122,8.4220489,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_experts,day,msa,2021-05-20,2022-06-27,212.0,34.6926622,91.0104694,62.0394297,7.6649362,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_experts,day,nation,2021-05-20,2022-06-27,1.0,56.7147029,63.9986564,60.2942475,2.0538771,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_experts,day,state,2021-05-20,2022-06-27,51.0,33.47621,87.8640777,59.7360342,7.3349201,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_friends,day,county,2021-05-20,2022-06-27,346.0,5.4369333,38.9051494,18.1730347,3.2492851,2022-07-01 14:59:47,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_friends,day,hrr,2021-05-20,2022-06-27,287.0,5.4455446,39.1089109,18.3914261,3.1059275,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_friends,day,msa,2021-05-20,2022-06-27,212.0,6.0849708,33.7606838,17.9772443,3.0392559,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_friends,day,nation,2021-05-20,2022-06-27,1.0,16.2863731,19.811724,18.2680896,0.8368338,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_friends,day,state,2021-05-20,2022-06-27,51.0,7.2115385,30.9752385,18.4532261,2.1554057,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_govt_health,day,county,2021-05-20,2022-06-27,348.0,12.5616662,70.6140351,35.4145167,6.9847982,2022-07-01 14:59:48,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_govt_health,day,hrr,2021-05-20,2022-06-27,288.0,10.5504587,61.4197531,33.2079277,6.6038561,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_govt_health,day,msa,2021-05-20,2022-06-27,213.0,12.9255707,59.5366116,34.2255822,6.2320838,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_govt_health,day,nation,2021-05-20,2022-06-27,1.0,30.0533624,36.817049,33.275057,1.6798429,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_govt_health,day,state,2021-05-20,2022-06-27,51.0,16.4116634,70.6140351,33.0422332,5.6106437,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_journalists,day,county,2021-05-20,2022-06-27,345.0,0.9117942,30.8823529,10.0398423,3.589571,2022-07-01 14:59:48,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_journalists,day,hrr,2021-05-20,2022-06-27,287.0,0.3401361,27.5700935,9.1369414,3.2422956,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_journalists,day,msa,2021-05-20,2022-06-27,212.0,0.4032307,25.7424154,9.3795789,2.8861662,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_journalists,day,nation,2021-05-20,2022-06-27,1.0,7.7449028,11.2790921,9.1526601,0.9311228,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_journalists,day,state,2021-05-20,2022-06-27,51.0,1.1426952,30.8823529,8.8816003,2.4764832,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_politicians,day,county,2021-05-20,2022-06-27,345.0,0.1278606,18.3870968,3.2940236,1.7737813,2022-07-01 14:59:48,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_politicians,day,hrr,2021-05-20,2022-06-27,288.0,0.1207729,16.9871795,3.0638253,1.5928745,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_politicians,day,msa,2021-05-20,2022-06-27,211.0,0.1462759,13.1715615,3.059005,1.4350094,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_politicians,day,nation,2021-05-20,2022-06-27,1.0,2.4429154,3.4157622,2.864685,0.2056409,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_politicians,day,state,2021-05-20,2022-06-27,51.0,0.1278606,9.3137255,2.7453702,0.9634634,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_religious,day,county,2021-05-20,2022-06-27,343.0,0.4550481,48.1382566,9.6968356,3.5750494,2022-07-01 14:59:48,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_religious,day,hrr,2021-05-20,2022-06-27,286.0,1.2195122,48.6754967,10.0372339,3.4546102,2022-07-01 15:00:02,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_religious,day,msa,2021-05-20,2022-06-27,210.0,0.48076,47.664856,9.869458,3.6585668,2022-07-01 15:00:16,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_religious,day,nation,2021-05-20,2022-06-27,1.0,9.1331293,10.7871885,9.7769491,0.3359694,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_trust_covid_info_religious,day,state,2021-05-20,2022-06-27,51.0,1.4792899,31.6707078,9.9613873,3.0734899,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_try_vaccinate_1m,day,county,2021-06-04,2022-06-27,43.0,0.3623013,19.6153997,7.2753735,2.9945623,2022-07-01 14:59:48,20220701,1,63.0 -fb-survey,smoothed_try_vaccinate_1m,day,hrr,2021-06-06,2022-02-24,36.0,2.016129,20.4347826,9.8059247,3.2850435,2022-03-01 15:36:14,20220301,4,63.0 -fb-survey,smoothed_try_vaccinate_1m,day,msa,2021-06-04,2022-05-25,20.0,2.1013754,21.6321272,10.038492,3.0406572,2022-05-30 12:53:18,20220530,4,63.0 -fb-survey,smoothed_try_vaccinate_1m,day,nation,2021-06-04,2022-06-27,1.0,2.5275853,10.6381247,6.3220146,2.4845387,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_try_vaccinate_1m,day,state,2021-06-04,2022-06-27,39.0,0.3623013,19.6153997,7.1912902,2.9158405,2022-07-01 15:00:29,20220701,1,63.0 -fb-survey,smoothed_vaccinate_child_oldest,day,county,2021-12-19,2022-06-27,82.0,41.3385039,95.633186,70.3996744,9.2363304,2022-07-01 14:59:48,20220701,1,14.0 -fb-survey,smoothed_vaccinate_child_oldest,day,hrr,2021-12-21,2022-06-27,113.0,43.75,95.631068,74.16059,8.7004116,2022-07-01 15:00:02,20220701,1,14.0 -fb-survey,smoothed_vaccinate_child_oldest,day,msa,2021-12-20,2022-06-27,67.0,49.8405036,97.0886686,76.9479083,7.539286,2022-07-01 15:00:16,20220701,1,14.0 -fb-survey,smoothed_vaccinate_child_oldest,day,nation,2021-12-19,2022-06-27,1.0,67.0350504,74.0816004,69.7347097,2.0161029,2022-07-01 15:00:24,20220701,1,14.0 -fb-survey,smoothed_vaccinate_child_oldest,day,state,2021-12-19,2022-06-27,44.0,41.8831164,89.0163934,68.7140344,8.3709756,2022-07-01 15:00:29,20220701,1,14.0 -fb-survey,smoothed_vaccinate_children,day,county,2021-06-04,2021-12-24,170.0,39.5190983,98.7782987,75.1923807,9.301695,2022-02-02 20:51:42,20220202,4,63.0 -fb-survey,smoothed_vaccinate_children,day,hrr,2021-06-04,2021-12-23,207.0,36.6935484,98.8461538,73.3471734,9.404725,2022-02-02 20:52:56,20220202,4,63.0 -fb-survey,smoothed_vaccinate_children,day,msa,2021-06-04,2021-12-24,121.0,48.2794753,96.0136175,76.2864611,7.5065416,2022-02-02 20:53:58,20220202,4,63.0 -fb-survey,smoothed_vaccinate_children,day,nation,2021-06-04,2021-12-25,1.0,66.9753086,75.9890827,72.1124514,2.647172,2022-02-02 20:54:39,20220202,4,63.0 -fb-survey,smoothed_vaccinate_children,day,state,2021-06-04,2021-12-24,50.0,39.5190983,91.8604922,70.6454563,7.6878651,2022-02-02 20:54:53,20220202,4,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,county,2021-12-19,2022-02-18,506.0,0.1396784,12.6910794,3.111377,1.7723655,2022-02-23 13:51:45,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,hrr,2021-12-19,2022-02-17,304.0,0.1072961,11.5131579,2.6373891,1.4851032,2022-02-22 13:53:58,20220222,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,msa,2021-12-19,2022-02-18,284.0,0.1269965,12.6910794,2.7332675,1.5109535,2022-02-23 13:53:26,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,nation,2021-12-19,2022-02-19,1.0,2.5795998,4.3089431,2.8100906,0.2216507,2022-02-24 13:53:44,20220224,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,state,2021-12-19,2022-02-18,51.0,0.1396784,10.4316547,2.6465775,1.2100227,2022-02-23 13:54:02,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,county,2021-12-19,2022-02-18,502.0,0.1368611,12.8129303,3.0456248,1.7721595,2022-02-23 13:51:45,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,hrr,2021-12-19,2022-02-17,304.0,0.1089325,11.589404,2.5677305,1.4838745,2022-02-22 13:53:58,20220222,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,msa,2021-12-19,2022-02-18,283.0,0.1286283,12.8129303,2.666686,1.511144,2022-02-23 13:53:26,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,nation,2021-12-19,2022-02-19,1.0,2.5029074,4.2288557,2.7328465,0.2245961,2022-02-24 13:53:44,20220224,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,state,2021-12-19,2022-02-18,51.0,0.1420593,9.8540146,2.5639678,1.2066824,2022-02-23 13:54:03,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,county,2021-12-24,2022-06-25,8.0,1.4851485,16.0194175,8.1822071,2.8026049,2022-07-01 14:59:48,20220701,4,14.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,nation,2021-12-19,2022-06-27,1.0,4.2465753,9.8173516,7.2866241,1.2616971,2022-07-01 15:00:24,20220701,1,14.0 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,state,2021-12-24,2022-06-25,8.0,1.4851485,16.0194175,8.1822071,2.8026049,2022-07-01 15:00:29,20220701,4,14.0 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,county,2021-06-04,2022-02-18,552.0,0.062808,13.4287175,2.1500989,1.3174732,2022-02-23 13:51:45,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,hrr,2021-06-04,2022-02-17,305.0,0.0537634,10.4743083,1.9066729,1.0987944,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,msa,2021-06-04,2022-02-18,313.0,0.0909755,11.4683767,1.9859284,1.1646776,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,nation,2021-06-04,2022-02-19,1.0,1.4176089,3.2435481,1.939781,0.6286977,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,state,2021-06-04,2022-02-18,51.0,0.1318775,10.952381,1.8647124,0.9205122,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,county,2021-07-30,2022-02-18,543.0,0.0633004,12.7320215,2.0971215,1.3756805,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0542299,10.1190476,1.8347415,1.1587227,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,msa,2021-07-30,2022-02-18,309.0,0.0865529,11.4696669,1.9161748,1.2184607,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,nation,2021-07-30,2022-02-19,1.0,1.2711864,3.1420218,1.8975503,0.7020008,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,state,2021-07-30,2022-02-18,51.0,0.1210653,11.0576923,1.8160012,1.0047032,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,county,2021-08-03,2022-06-25,12.0,2.2321429,22.8972897,11.4405301,3.2285909,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,msa,2021-08-08,2021-09-19,1.0,6.2696832,12.2747693,9.2334741,1.6157444,2021-09-24 16:03:39,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,nation,2021-07-30,2022-06-27,1.0,6.0040363,13.2881556,10.1422733,1.9041054,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,state,2021-08-03,2022-06-25,12.0,2.2321429,22.8972897,11.4405301,3.2285909,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_childcare,day,county,2021-06-04,2022-02-18,552.0,0.0464253,6.03217,0.8088798,0.5474071,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare,day,hrr,2021-06-04,2022-02-17,305.0,0.0314861,5.4347826,0.7263436,0.4627834,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare,day,msa,2021-06-04,2022-02-18,313.0,0.0236189,5.7645526,0.7876518,0.5311917,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare,day,nation,2021-06-04,2022-02-19,1.0,0.4806293,1.0551948,0.575207,0.0643749,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_childcare,day,state,2021-06-04,2022-02-18,51.0,0.045628,3.2711508,0.6220851,0.2805044,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,county,2021-07-30,2022-02-18,543.0,0.0443918,5.0023602,0.7659084,0.5271271,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0318674,4.4,0.6778311,0.4383905,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,msa,2021-07-30,2022-02-18,309.0,0.0239584,5.7676831,0.7426307,0.5061725,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,nation,2021-07-30,2022-02-19,1.0,0.450936,1.0761589,0.5291229,0.0713311,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,state,2021-07-30,2022-02-18,51.0,0.0362008,3.271028,0.5758215,0.2713044,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,county,2021-08-03,2022-06-25,12.0,0.3205128,9.8425197,4.0487931,1.7827674,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,msa,2021-08-08,2021-09-19,1.0,1.25,6.3379887,3.7748459,1.3132135,2021-09-24 16:03:39,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,nation,2021-07-30,2022-06-27,1.0,2.0112254,4.8883375,3.5082801,0.6182296,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,state,2021-08-03,2022-06-25,12.0,0.3205128,9.8425197,4.0487931,1.7827674,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_document,day,county,2021-06-04,2022-02-18,552.0,0.0177815,4.1931456,0.4655133,0.3519165,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_document,day,hrr,2021-06-04,2022-02-17,305.0,0.0182949,3.4653465,0.4066501,0.312961,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_document,day,msa,2021-06-04,2022-02-18,313.0,0.0180147,3.9129482,0.4449598,0.3468869,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_document,day,nation,2021-06-04,2022-02-19,1.0,0.1787828,0.3303137,0.2363954,0.0348371,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_document,day,state,2021-06-04,2022-02-18,51.0,0.0147414,2.414211,0.285081,0.1889225,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_document_has,day,county,2021-07-30,2022-02-18,543.0,0.0180882,4.2727739,0.4318156,0.3273295,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_document_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0186498,3.4653465,0.3684205,0.2899526,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_document_has,day,msa,2021-07-30,2022-02-18,309.0,0.0182883,3.4515396,0.4112562,0.3237694,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_document_has,day,nation,2021-07-30,2022-02-19,1.0,0.1275556,0.2811615,0.2004129,0.0382288,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_document_has,day,state,2021-07-30,2022-02-18,51.0,0.0130924,2.1159776,0.249725,0.1722209,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_document_tried,day,county,2021-08-03,2022-06-25,12.0,0.4237285,8.1896552,3.5495048,1.5004654,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_document_tried,day,msa,2021-08-08,2021-09-19,1.0,2.2021368,7.7285585,4.6808806,1.5298044,2021-09-24 16:03:40,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_document_tried,day,nation,2021-07-30,2022-06-27,1.0,1.873496,5.075188,3.3656449,0.6403584,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_document_tried,day,state,2021-08-03,2022-06-25,12.0,0.4237285,8.1896552,3.5495048,1.5004654,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_eligible,day,county,2021-06-04,2022-02-18,552.0,0.1211193,17.7021112,3.6736257,1.7814539,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible,day,hrr,2021-06-04,2022-02-17,305.0,0.1046025,14.9727768,3.3599603,1.5445711,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible,day,msa,2021-06-04,2022-02-18,313.0,0.1756861,14.942144,3.504034,1.64019,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible,day,nation,2021-06-04,2022-02-19,1.0,2.5481086,5.0117824,3.4141133,0.6332906,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_eligible,day,state,2021-06-04,2022-02-18,51.0,0.3562697,13.1840796,3.3271981,1.3014482,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,county,2021-07-30,2022-02-18,543.0,0.1166935,13.6749761,3.3936171,1.6131181,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,hrr,2021-07-30,2022-02-17,305.0,0.1059322,11.6935484,3.0676057,1.3819735,2022-02-22 13:53:58,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,msa,2021-07-30,2022-02-18,309.0,0.1767578,13.4759377,3.2341894,1.4889838,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,nation,2021-07-30,2022-02-19,1.0,2.5032651,3.8907285,3.1128203,0.3927165,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,state,2021-07-30,2022-02-18,51.0,0.3640518,12.9370629,3.0393409,1.1312699,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,county,2021-08-03,2022-06-25,12.0,1.3274348,13.5511486,5.8903816,2.077991,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,msa,2021-08-08,2021-09-19,1.0,2.1214883,7.0405281,4.443066,1.228396,2021-09-24 16:03:41,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,nation,2021-07-30,2022-06-27,1.0,3.5053929,7.8440808,5.4323858,0.864054,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,state,2021-08-03,2022-06-25,12.0,1.3274348,13.5511486,5.8903816,2.077991,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_language,day,county,2021-06-04,2022-02-18,552.0,0.0165525,3.4208317,0.4015615,0.2978817,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_language,day,hrr,2021-06-04,2022-02-17,305.0,0.0267523,3.4653465,0.3350396,0.2661546,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_language,day,msa,2021-06-04,2022-02-18,313.0,0.0178489,3.2518663,0.3658227,0.2791051,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_language,day,nation,2021-06-04,2022-02-19,1.0,0.0811688,0.2286825,0.1727262,0.0183222,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_language,day,state,2021-06-04,2022-02-18,51.0,0.0127324,2.7363184,0.2186897,0.1697735,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_language_has,day,county,2021-07-30,2022-02-18,543.0,0.0168341,3.4127397,0.3767225,0.2760463,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_language_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0224417,2.9166667,0.3084171,0.2468612,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_language_has,day,msa,2021-07-30,2022-02-18,309.0,0.0180417,2.9169568,0.3450313,0.2635029,2022-02-23 13:53:26,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_language_has,day,nation,2021-07-30,2022-02-19,1.0,0.0827815,0.1857907,0.1462027,0.0146258,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_language_has,day,state,2021-07-30,2022-02-18,51.0,0.0081221,1.8247895,0.1937749,0.1534422,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_language_tried,day,county,2021-08-03,2022-06-25,12.0,0.3205128,7.075566,2.4627015,1.3472654,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_language_tried,day,msa,2021-08-08,2021-09-19,1.0,0.4160481,3.8694566,2.5510375,0.9931328,2021-09-24 16:03:42,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_language_tried,day,nation,2021-07-30,2022-06-27,1.0,0.9738079,4.0904716,2.0987447,0.4149547,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_language_tried,day,state,2021-08-03,2022-06-25,12.0,0.3205128,7.075566,2.4627015,1.3472654,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,county,2021-06-04,2022-02-18,552.0,0.1177436,28.1439455,8.1353298,4.4480514,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,hrr,2021-06-04,2022-02-17,305.0,0.1259446,28.539823,7.0510041,3.9464013,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,msa,2021-06-04,2022-02-18,313.0,0.1984475,25.6033615,7.1715754,3.8656172,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,nation,2021-06-04,2022-02-19,1.0,5.3953734,10.2701001,7.621971,1.2357595,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,state,2021-06-04,2022-02-18,51.0,0.0924625,23.6318408,6.7089112,3.400051,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,county,2021-07-30,2022-02-18,543.0,0.1191465,28.3025072,7.6485405,4.2375631,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,hrr,2021-07-30,2022-02-17,305.0,0.127551,27.5,6.5249693,3.7109131,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,msa,2021-07-30,2022-02-18,309.0,0.2008389,25.9975796,6.701462,3.6835357,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,nation,2021-07-30,2022-02-19,1.0,5.3631069,9.0231788,7.1174115,0.9296703,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,state,2021-07-30,2022-02-18,51.0,0.0933254,19.6666667,6.294197,3.2460175,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,county,2021-08-03,2022-06-25,12.0,1.4150943,21.2871856,10.2057012,3.1831076,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,msa,2021-08-08,2021-09-19,1.0,6.25,12.3035891,8.9109955,1.7609742,2021-09-24 16:03:43,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,nation,2021-07-30,2022-06-27,1.0,5.9491371,13.9826642,9.3640767,1.5552547,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,state,2021-08-03,2022-06-25,12.0,1.4150943,21.2871856,10.2057012,3.1831076,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_none,day,county,2021-06-04,2022-02-18,552.0,58.8282566,98.7325129,84.530367,5.1953438,2022-02-23 13:51:46,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_none,day,hrr,2021-06-04,2022-02-17,305.0,63.4955752,97.7477477,85.8186505,4.6489055,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_none,day,msa,2021-06-04,2022-02-18,313.0,60.3936308,98.747747,85.5458646,4.6710073,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_none,day,nation,2021-06-04,2022-02-19,1.0,81.5410587,88.2428751,85.0081331,1.8220462,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_none,day,state,2021-06-04,2022-02-18,51.0,65.8273381,95.4223392,85.9503477,4.1548083,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_none_has,day,county,2021-07-30,2022-02-18,543.0,60.8857562,99.1477273,85.3942611,5.0572276,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_none_has,day,hrr,2021-07-30,2022-02-17,305.0,63.2947977,98.7179487,86.7569968,4.4936931,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_none_has,day,msa,2021-07-30,2022-02-18,309.0,60.8857562,98.810139,86.4161873,4.5595826,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_none_has,day,nation,2021-07-30,2022-02-19,1.0,83.2630434,88.5379477,85.916446,1.5766376,2022-02-24 13:53:44,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_none_has,day,state,2021-07-30,2022-02-18,51.0,66.0583942,96.1912404,86.7540749,4.0639949,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_none_tried,day,county,2021-08-03,2022-06-25,12.0,35.2272727,74.2718447,56.975419,7.6121494,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_none_tried,day,msa,2021-08-08,2021-09-19,1.0,53.1906672,73.1339313,63.4508637,5.2008736,2021-09-24 16:03:44,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_none_tried,day,nation,2021-07-30,2022-06-27,1.0,43.0213904,64.2998679,58.0613001,5.2297366,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_none_tried,day,state,2021-08-03,2022-06-25,12.0,35.2272727,74.2718447,56.975419,7.6121494,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_other,day,county,2021-12-19,2022-02-18,506.0,0.113229,6.6332248,1.5343217,0.7908361,2022-02-23 13:51:47,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_other,day,hrr,2021-12-19,2022-02-17,304.0,0.093985,5.7692308,1.4822495,0.7035251,2022-02-22 13:53:59,20220222,5,5.0 -fb-survey,smoothed_vaccine_barrier_other,day,msa,2021-12-19,2022-02-18,284.0,0.1129266,6.6332248,1.4978817,0.7619176,2022-02-23 13:53:27,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_other,day,nation,2021-12-19,2022-02-19,1.0,1.019799,1.4180882,1.2811437,0.091802,2022-02-24 13:53:45,20220224,5,5.0 -fb-survey,smoothed_vaccine_barrier_other,day,state,2021-12-19,2022-02-18,51.0,0.1138952,4.3999824,1.3818379,0.4567531,2022-02-23 13:54:03,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_other_has,day,county,2021-12-19,2022-02-18,502.0,0.0832244,6.0829961,1.3577672,0.7433794,2022-02-23 13:51:47,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_other_has,day,hrr,2021-12-19,2022-02-17,304.0,0.094162,5.1401869,1.2829025,0.6448024,2022-02-22 13:53:59,20220222,5,5.0 -fb-survey,smoothed_vaccine_barrier_other_has,day,msa,2021-12-19,2022-02-18,283.0,0.1141601,6.0497982,1.3216424,0.7221621,2022-02-23 13:53:27,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_other_has,day,nation,2021-12-19,2022-02-19,1.0,0.8997688,1.2210384,1.0896656,0.0803689,2022-02-24 13:53:45,20220224,5,5.0 -fb-survey,smoothed_vaccine_barrier_other_has,day,state,2021-12-19,2022-02-18,51.0,0.1149425,4.3076197,1.1872622,0.4279501,2022-02-23 13:54:03,20220223,5,5.0 -fb-survey,smoothed_vaccine_barrier_other_tried,day,county,2021-12-24,2022-06-25,8.0,8.4158416,25.6521739,16.4752123,3.2781089,2022-07-01 14:59:48,20220701,4,14.0 -fb-survey,smoothed_vaccine_barrier_other_tried,day,nation,2021-12-19,2022-06-27,1.0,12.7085378,18.8911189,16.1006736,1.3450915,2022-07-01 15:00:24,20220701,1,14.0 -fb-survey,smoothed_vaccine_barrier_other_tried,day,state,2021-12-24,2022-06-25,8.0,8.4158416,25.6521739,16.4752123,3.2781089,2022-07-01 15:00:29,20220701,4,14.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,county,2021-06-04,2022-02-18,552.0,0.1059158,19.2320303,3.7273753,2.0314065,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,hrr,2021-06-04,2022-02-17,305.0,0.129199,15.7142857,3.2891615,1.7305784,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,msa,2021-06-04,2022-02-18,313.0,0.104052,16.9412412,3.4334401,1.8172914,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,nation,2021-06-04,2022-02-19,1.0,2.6503232,4.4642857,3.4080521,0.4517087,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,state,2021-06-04,2022-02-18,51.0,0.1237103,14.6766169,3.2365531,1.6975934,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,county,2021-07-30,2022-02-18,543.0,0.1068085,17.3267327,3.534029,1.929719,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,hrr,2021-07-30,2022-02-17,305.0,0.1061571,13.6963696,3.0797404,1.6181882,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,msa,2021-07-30,2022-02-18,309.0,0.1049083,16.207434,3.2410843,1.7280056,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,nation,2021-07-30,2022-02-19,1.0,2.6278771,4.5529801,3.1987175,0.3109846,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,state,2021-07-30,2022-02-18,51.0,0.1240687,13.2550336,3.0528467,1.5988688,2022-02-23 13:54:03,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,county,2021-08-03,2022-06-25,12.0,0.4901956,10.747757,5.1556732,1.8451675,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,msa,2021-08-08,2021-09-19,1.0,1.3513514,9.5000185,5.1644691,2.5012993,2021-09-24 16:03:45,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,nation,2021-07-30,2022-06-27,1.0,2.9626253,6.480811,4.742417,0.6951903,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,state,2021-08-03,2022-06-25,12.0,0.4901956,10.747757,5.1556732,1.8451675,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access,day,county,2021-06-04,2022-02-18,552.0,0.0476968,9.1501407,1.2258202,0.7630981,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access,day,hrr,2021-06-04,2022-02-17,305.0,0.0447628,8.1196581,1.1647299,0.6749799,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access,day,msa,2021-06-04,2022-02-18,313.0,0.0385837,9.1501407,1.1815822,0.7311865,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access,day,nation,2021-06-04,2022-02-19,1.0,0.8082348,1.3798701,1.0122019,0.1106287,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access,day,state,2021-06-04,2022-02-18,51.0,0.0613924,4.1044776,0.9841294,0.4027737,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,county,2021-07-30,2022-02-18,543.0,0.0485769,8.3101139,1.1512023,0.7265102,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0451264,7.3529412,1.0780204,0.6227805,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,msa,2021-07-30,2022-02-18,309.0,0.0389747,8.3101139,1.1062592,0.6965289,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,nation,2021-07-30,2022-02-19,1.0,0.7744211,1.4072848,0.9296194,0.0730248,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,state,2021-07-30,2022-02-18,51.0,0.0620784,4.1044776,0.9110688,0.3822937,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,county,2021-08-03,2022-06-25,12.0,0.3649635,11.328125,4.2182421,1.8585457,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,msa,2021-08-08,2021-09-19,1.0,1.3513514,6.25,3.5642741,1.2273109,2021-09-24 16:03:45,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,nation,2021-07-30,2022-06-27,1.0,2.2171946,5.642787,3.8423503,0.633292,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,state,2021-08-03,2022-06-25,12.0,0.3649635,11.328125,4.2182421,1.8585457,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_time,day,county,2021-06-04,2022-02-18,552.0,0.0985848,10.3590165,2.169869,1.063601,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_time,day,hrr,2021-06-04,2022-02-17,305.0,0.0934579,9.3103448,2.0413924,0.9060851,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_time,day,msa,2021-06-04,2022-02-18,313.0,0.0951704,10.3590165,2.1281273,0.9975596,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_time,day,nation,2021-06-04,2022-02-19,1.0,1.5422078,2.5841592,1.9430816,0.2661411,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_time,day,state,2021-06-04,2022-02-18,51.0,0.1269036,7.1428571,1.991054,0.6345719,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_time_has,day,county,2021-07-30,2022-02-18,543.0,0.099765,9.6330275,2.0909575,1.0529698,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_time_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0886525,7.7981651,1.9489423,0.8831249,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_time_has,day,msa,2021-07-30,2022-02-18,309.0,0.0960848,9.6330275,2.0353992,0.9819889,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_time_has,day,nation,2021-07-30,2022-02-19,1.0,1.4769288,2.4754896,1.8599901,0.2959485,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_time_has,day,state,2021-07-30,2022-02-18,51.0,0.2525253,7.2115385,1.9189691,0.6330516,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_time_tried,day,county,2021-08-03,2022-06-25,12.0,1.1538462,23.8505747,10.1403191,3.5508112,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_time_tried,day,msa,2021-08-08,2021-09-19,1.0,5.8809639,14.0932537,10.182301,2.5154864,2021-09-24 16:03:46,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_time_tried,day,nation,2021-07-30,2022-06-27,1.0,5.7530402,12.8120224,9.2347948,1.734813,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_time_tried,day,state,2021-08-03,2022-06-25,12.0,1.1538462,23.8505747,10.1403191,3.5508112,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_travel,day,county,2021-06-04,2022-02-18,552.0,0.0742943,10.2103446,2.0382581,1.1074931,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel,day,hrr,2021-06-04,2022-02-17,305.0,0.0837521,8.7155963,1.8591093,0.8906104,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel,day,msa,2021-06-04,2022-02-18,313.0,0.0660522,10.1290292,1.8914687,0.9858249,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel,day,nation,2021-06-04,2022-02-19,1.0,1.5663304,2.6785714,1.8085269,0.1326798,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_travel,day,state,2021-06-04,2022-02-18,51.0,0.101626,7.7458639,1.7982313,0.704704,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel_has,day,county,2021-07-30,2022-02-18,543.0,0.0758727,10.3209398,1.9069193,1.0673243,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0846024,7.9439252,1.7221282,0.8555906,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel_has,day,msa,2021-07-30,2022-02-18,309.0,0.0666605,8.4821429,1.7614806,0.9465303,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel_has,day,nation,2021-07-30,2022-02-19,1.0,1.4680826,2.5662252,1.6741199,0.118554,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_travel_has,day,state,2021-07-30,2022-02-18,51.0,0.102459,7.8095393,1.6731313,0.6897784,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,county,2021-08-03,2022-06-25,12.0,1.2295082,18.5714286,8.7099007,2.4872125,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,msa,2021-08-08,2021-09-19,1.0,3.9638462,8.9102509,6.350836,1.5810758,2021-09-24 16:03:47,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,nation,2021-07-30,2022-06-27,1.0,5.7207207,12.8428928,8.9029412,1.1810141,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,state,2021-08-03,2022-06-25,12.0,1.2295082,18.5714286,8.7099007,2.4872125,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_type,day,county,2021-06-04,2022-02-18,552.0,0.089973,8.1956702,1.610522,0.8393325,2022-02-23 13:51:47,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_type,day,hrr,2021-06-04,2022-02-17,305.0,0.0972763,7.3076923,1.5309233,0.715867,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_type,day,msa,2021-06-04,2022-02-18,313.0,0.0968473,6.5927803,1.5741514,0.791608,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_type,day,nation,2021-06-04,2022-02-19,1.0,1.1825434,1.6420401,1.3921341,0.1157517,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_type,day,state,2021-06-04,2022-02-18,51.0,0.0977181,5.5555556,1.4302324,0.4559309,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_type_has,day,county,2021-07-30,2022-02-18,543.0,0.0844816,8.1956702,1.4941047,0.8107602,2022-02-23 13:51:48,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_type_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0656168,7.0833333,1.3981259,0.6820114,2022-02-22 13:53:59,20220222,1,63.0 -fb-survey,smoothed_vaccine_barrier_type_has,day,msa,2021-07-30,2022-02-18,309.0,0.0748156,6.6355468,1.4512263,0.7542395,2022-02-23 13:53:27,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_type_has,day,nation,2021-07-30,2022-02-19,1.0,1.0812169,1.5205417,1.2706392,0.1295485,2022-02-24 13:53:45,20220224,4,63.0 -fb-survey,smoothed_vaccine_barrier_type_has,day,state,2021-07-30,2022-02-18,51.0,0.1533611,5.5147059,1.3152611,0.4553999,2022-02-23 13:54:04,20220223,1,63.0 -fb-survey,smoothed_vaccine_barrier_type_tried,day,county,2021-08-03,2022-06-25,12.0,1.4150943,18.8073567,9.1664236,2.8972503,2022-07-01 14:59:48,20220701,4,63.0 -fb-survey,smoothed_vaccine_barrier_type_tried,day,msa,2021-08-08,2021-09-19,1.0,4.0540541,16.8043411,10.5407313,2.9851787,2021-09-24 16:03:48,20210924,4,5.0 -fb-survey,smoothed_vaccine_barrier_type_tried,day,nation,2021-07-30,2022-06-27,1.0,4.7511312,11.8908717,8.6288494,1.6365705,2022-07-01 15:00:24,20220701,1,63.0 -fb-survey,smoothed_vaccine_barrier_type_tried,day,state,2021-08-03,2022-06-25,12.0,1.4150943,18.8073567,9.1664236,2.8972503,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_vaccine_likely_doctors,day,county,2021-02-09,2021-08-08,499.0,10.0877193,76.1171225,49.4473551,12.3379084,2021-08-13 12:54:49,20210813,3,36.0 -fb-survey,smoothed_vaccine_likely_doctors,day,hrr,2021-02-09,2021-08-06,300.0,10.0,72.8346457,44.8051056,12.38183,2021-08-11 12:56:41,20210811,3,36.0 -fb-survey,smoothed_vaccine_likely_doctors,day,msa,2021-02-09,2021-08-07,279.0,13.8025059,74.4208546,47.6736194,11.3222861,2021-08-12 12:55:07,20210812,3,36.0 -fb-survey,smoothed_vaccine_likely_doctors,day,nation,2021-02-09,2021-08-08,1.0,15.0137741,57.4757322,32.982267,14.3115867,2021-08-13 12:57:01,20210813,5,36.0 -fb-survey,smoothed_vaccine_likely_doctors,day,state,2021-02-09,2021-08-08,51.0,10.0877193,70.8333333,39.1449691,14.1476476,2021-08-13 12:57:13,20210813,4,36.0 -fb-survey,smoothed_vaccine_likely_friends,day,county,2020-12-20,2021-08-08,751.0,3.153156,66.526861,30.7689956,6.4005158,2021-08-13 12:54:49,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_friends,day,hrr,2020-12-20,2021-08-06,306.0,4.2056075,51.1345219,28.8506326,6.9707711,2021-08-11 12:56:41,20210811,1,44.0 -fb-survey,smoothed_vaccine_likely_friends,day,msa,2020-12-20,2021-08-07,361.0,5.9302582,66.526861,30.0973197,6.2276946,2021-08-12 12:55:07,20210812,1,44.0 -fb-survey,smoothed_vaccine_likely_friends,day,nation,2020-12-20,2021-08-08,1.0,8.1325301,35.6698352,22.5519584,8.9606623,2021-08-13 12:57:01,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_friends,day,state,2020-12-20,2021-08-08,51.0,3.153156,43.705036,25.9574765,8.0666818,2021-08-13 12:57:13,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_govt_health,day,county,2020-12-20,2021-08-08,742.0,0.7853411,57.2713451,27.94411,8.4329969,2021-08-13 12:54:49,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_govt_health,day,hrr,2020-12-20,2021-08-06,306.0,0.2808989,51.0050251,24.3987587,9.1961155,2021-08-11 12:56:41,20210811,1,44.0 -fb-survey,smoothed_vaccine_likely_govt_health,day,msa,2020-12-20,2021-08-07,357.0,0.4778977,57.2713451,26.4296118,8.1222121,2021-08-12 12:55:07,20210812,1,44.0 -fb-survey,smoothed_vaccine_likely_govt_health,day,nation,2020-12-20,2021-08-08,1.0,4.5625588,32.6689515,17.496919,10.7038787,2021-08-13 12:57:01,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_govt_health,day,state,2020-12-20,2021-08-08,51.0,0.7853411,52.7355623,21.2855925,10.5504383,2021-08-13 12:57:13,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_local_health,day,county,2020-12-20,2021-03-16,745.0,26.24565,75.1120367,48.9511738,7.3016421,2021-03-21 11:51:18,20210321,1,44.0 -fb-survey,smoothed_vaccine_likely_local_health,day,hrr,2020-12-20,2021-03-16,306.0,25.2066116,72.8346457,47.83705,6.7536595,2021-03-21 11:51:38,20210321,1,44.0 -fb-survey,smoothed_vaccine_likely_local_health,day,msa,2020-12-20,2021-03-16,359.0,23.8470868,74.4208546,48.0575028,6.9318554,2021-03-21 11:51:53,20210321,1,44.0 -fb-survey,smoothed_vaccine_likely_local_health,day,nation,2020-12-20,2021-03-16,1.0,43.7109827,55.4070143,48.0588917,3.7162158,2021-03-21 11:52:03,20210321,1,44.0 -fb-survey,smoothed_vaccine_likely_local_health,day,state,2020-12-20,2021-03-16,51.0,33.2117276,69.0384615,48.1388887,5.6502356,2021-03-21 11:52:07,20210321,1,44.0 -fb-survey,smoothed_vaccine_likely_politicians,day,county,2020-12-20,2021-08-08,737.0,0.1746492,26.9911504,8.3444449,3.195418,2021-08-13 12:54:49,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_politicians,day,hrr,2020-12-20,2021-08-06,306.0,0.2272727,24.7483221,7.4386285,3.2121305,2021-08-11 12:56:41,20210811,1,44.0 -fb-survey,smoothed_vaccine_likely_politicians,day,msa,2020-12-20,2021-08-07,355.0,0.3346528,26.9911504,7.9565478,3.006893,2021-08-12 12:55:07,20210812,1,44.0 -fb-survey,smoothed_vaccine_likely_politicians,day,nation,2020-12-20,2021-08-08,1.0,1.5060241,11.4366016,5.5693465,2.8222082,2021-08-13 12:57:02,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_politicians,day,state,2020-12-20,2021-08-08,51.0,0.1746492,17.5213675,6.3748656,3.05711,2021-08-13 12:57:13,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_who,day,county,2020-12-20,2021-08-08,740.0,0.446429,66.3109178,33.3675918,9.3569758,2021-08-13 12:54:49,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_who,day,hrr,2020-12-20,2021-08-06,306.0,1.1627907,55.8035714,29.2818528,10.2287551,2021-08-11 12:56:41,20210811,1,44.0 -fb-survey,smoothed_vaccine_likely_who,day,msa,2020-12-20,2021-08-07,358.0,2.4494854,66.3109178,31.6781534,9.1187129,2021-08-12 12:55:07,20210812,1,44.0 -fb-survey,smoothed_vaccine_likely_who,day,nation,2020-12-20,2021-08-08,1.0,6.0055866,38.0303287,21.4038496,12.2805028,2021-08-13 12:57:02,20210813,1,44.0 -fb-survey,smoothed_vaccine_likely_who,day,state,2020-12-20,2021-08-08,51.0,0.446429,53.6697248,25.7658503,11.8174175,2021-08-13 12:57:13,20210813,1,44.0 -fb-survey,smoothed_waccept_covid_vaccine,day,county,2020-12-20,2021-08-08,757.0,5.5129622,97.870641,66.0580867,14.0404841,2021-08-13 12:54:49,20210813,1,44.0 -fb-survey,smoothed_waccept_covid_vaccine,day,hrr,2020-12-20,2021-08-06,306.0,7.4194386,92.2765863,59.4900189,16.0280356,2021-08-11 12:56:41,20210811,2,44.0 -fb-survey,smoothed_waccept_covid_vaccine,day,msa,2020-12-20,2021-08-07,362.0,12.5714633,94.2368448,63.3494856,13.7346661,2021-08-12 12:55:07,20210812,2,44.0 -fb-survey,smoothed_waccept_covid_vaccine,day,nation,2020-12-20,2021-08-08,1.0,18.817232,72.3950775,46.6116003,20.8746104,2021-08-13 12:57:02,20210813,2,44.0 -fb-survey,smoothed_waccept_covid_vaccine,day,state,2020-12-20,2021-08-08,51.0,4.9483086,90.1603424,54.0691718,19.8609629,2021-08-13 12:57:13,20210813,2,44.0 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,county,2021-05-20,2022-06-25,92.0,1.9621445,51.8041321,15.9275517,6.3108907,2022-07-01 14:59:48,20220701,1,63.0 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,hrr,2021-05-21,2022-06-25,168.0,0.7547466,49.4541847,16.2010369,6.3770804,2022-07-01 15:00:02,20220701,4,63.0 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,msa,2021-05-21,2022-06-25,95.0,2.249612,45.3519778,18.0377986,6.466073,2022-07-01 15:00:16,20220701,4,63.0 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,nation,2021-05-20,2022-06-25,1.0,10.4274394,23.3994974,15.4930607,3.2887433,2022-07-01 15:00:24,20220701,4,63.0 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,state,2021-05-20,2022-06-25,48.0,1.9655254,39.2329928,14.6925324,4.9371229,2022-07-01 15:00:29,20220701,4,63.0 -fb-survey,smoothed_want_info_children_education,day,county,2021-05-20,2022-06-27,356.0,0.292383,26.7536765,7.0127867,2.864715,2022-07-01 14:59:48,20220701,1,110.0 -fb-survey,smoothed_want_info_children_education,day,hrr,2021-05-20,2022-06-27,289.0,0.2057613,27.245509,6.3816345,2.642789,2022-07-01 15:00:02,20220701,1,110.0 -fb-survey,smoothed_want_info_children_education,day,msa,2021-05-20,2022-06-27,215.0,0.3082662,26.7536765,6.6363243,2.5761019,2022-07-01 15:00:16,20220701,1,110.0 -fb-survey,smoothed_want_info_children_education,day,nation,2021-05-20,2022-06-27,1.0,4.7020262,9.2231027,6.2735628,1.1294743,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_children_education,day,state,2021-05-20,2022-06-27,51.0,0.292383,14.3312102,6.0090845,1.8519251,2022-07-01 15:00:29,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_treatment,day,county,2021-05-20,2022-06-27,356.0,1.4053773,42.5223747,16.9226441,5.0390211,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_treatment,day,hrr,2021-05-20,2022-06-27,289.0,1.4851485,42.0634921,16.0125135,4.8079735,2022-07-01 15:00:02,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_treatment,day,msa,2021-05-20,2022-06-27,215.0,1.8517106,42.5223747,16.2667497,4.5954309,2022-07-01 15:00:16,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_treatment,day,nation,2021-05-20,2022-06-27,1.0,10.7587226,20.7647801,15.9285186,2.4392903,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_treatment,day,state,2021-05-20,2022-06-27,51.0,3.1963884,30.7073955,15.1905065,3.8033128,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_variants,day,county,2021-05-20,2022-06-27,356.0,9.9450938,59.2105263,30.0691266,6.369749,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_variants,day,hrr,2021-05-20,2022-06-27,289.0,8.7155963,56.870229,28.3618946,6.0456638,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_variants,day,msa,2021-05-20,2022-06-27,215.0,10.1626016,56.2121965,29.1274182,5.6638149,2022-07-01 15:00:16,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_variants,day,nation,2021-05-20,2022-06-27,1.0,23.8576204,35.6623138,28.330415,3.6500218,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_covid_variants,day,state,2021-05-20,2022-06-27,51.0,10.2893984,56.3333333,27.6558104,5.2112761,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_employment,day,county,2021-05-20,2022-06-27,356.0,1.4388448,36.3726699,12.2492124,3.8852418,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_employment,day,hrr,2021-05-20,2022-06-27,289.0,0.9677419,36.5546218,11.4345241,3.5491991,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_employment,day,msa,2021-05-20,2022-06-27,215.0,1.9324695,30.9461033,11.6497749,3.2481646,2022-07-01 15:00:16,20220701,1,110.0 -fb-survey,smoothed_want_info_employment,day,nation,2021-05-20,2022-06-27,1.0,10.1910503,13.3775563,11.4582718,0.6803773,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_employment,day,state,2021-05-20,2022-06-27,51.0,2.9337088,26.8867925,11.0159707,2.3575706,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_mental_health,day,county,2021-05-20,2022-06-27,356.0,3.1746896,43.9178544,17.7406165,4.5729407,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_mental_health,day,hrr,2021-05-20,2022-06-27,289.0,3.1818182,42.6470588,16.3982002,4.1182599,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_mental_health,day,msa,2021-05-20,2022-06-27,215.0,2.3437507,34.2304711,16.9363154,3.6782336,2022-07-01 15:00:16,20220701,1,110.0 -fb-survey,smoothed_want_info_mental_health,day,nation,2021-05-20,2022-06-27,1.0,14.5375447,18.8447319,16.4466123,1.1649872,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_mental_health,day,state,2021-05-20,2022-06-27,51.0,3.719248,40.2777778,15.9318057,2.9641107,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_none,day,county,2021-05-20,2022-06-27,356.0,20.8977189,77.9063881,53.7784648,7.7416368,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_none,day,hrr,2021-05-20,2022-06-27,289.0,20.0980392,81.5972222,56.0661219,7.4493639,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_none,day,msa,2021-05-20,2022-06-27,215.0,25.7396921,79.6946137,55.2334389,6.4329903,2022-07-01 15:00:17,20220701,1,110.0 -fb-survey,smoothed_want_info_none,day,nation,2021-05-20,2022-06-27,1.0,50.2007346,59.4522164,55.8779639,2.549097,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_none,day,state,2021-05-20,2022-06-27,51.0,31.6666667,77.9063881,57.2474245,5.8577532,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_relationships,day,county,2021-05-20,2022-06-27,356.0,0.4636191,28.3006244,9.1222954,3.2174753,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_relationships,day,hrr,2021-05-20,2022-06-27,289.0,0.3289474,29.9019608,8.285564,2.8783937,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_relationships,day,msa,2021-05-20,2022-06-27,215.0,0.4172275,22.1804511,8.5723875,2.6339218,2022-07-01 15:00:17,20220701,1,110.0 -fb-survey,smoothed_want_info_relationships,day,nation,2021-05-20,2022-06-27,1.0,6.6248653,9.8996121,8.1492917,1.0360479,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_relationships,day,state,2021-05-20,2022-06-27,51.0,0.8926982,27.3026316,7.8199399,2.1595986,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_access,day,county,2021-05-20,2022-06-27,356.0,0.1213443,13.1067961,2.6742348,1.4370989,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_access,day,hrr,2021-05-20,2022-06-27,289.0,0.1086957,13.0630631,2.461385,1.2964917,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_access,day,msa,2021-05-20,2022-06-27,215.0,0.1315421,11.1803925,2.5094123,1.2651923,2022-07-01 15:00:17,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_access,day,nation,2021-05-20,2022-06-27,1.0,1.7041046,3.0132756,2.3084436,0.2797888,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_access,day,state,2021-05-20,2022-06-27,51.0,0.1213443,8.3333333,2.2100145,0.8222626,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_types,day,county,2021-05-20,2022-06-27,356.0,0.3482784,27.3722628,8.8619108,2.9045194,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_types,day,hrr,2021-05-20,2022-06-27,289.0,0.3448276,24.8717949,8.4001973,2.7081752,2022-07-01 15:00:03,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_types,day,msa,2021-05-20,2022-06-27,215.0,0.4226636,27.3722628,8.511743,2.5832821,2022-07-01 15:00:17,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_types,day,nation,2021-05-20,2022-06-27,1.0,7.0718471,10.181294,8.2733057,0.6946592,2022-07-01 15:00:24,20220701,1,110.0 -fb-survey,smoothed_want_info_vaccine_types,day,state,2021-05-20,2022-06-27,51.0,0.3482784,21.3375796,7.9299987,1.8871232,2022-07-01 15:00:30,20220701,1,110.0 -fb-survey,smoothed_wanted_test_14d,day,county,2020-09-08,2021-08-08,742.0,0.1587571,27.7711854,6.750555,3.662441,2021-08-13 12:54:49,20210813,0,92.0 -fb-survey,smoothed_wanted_test_14d,day,hrr,2020-09-08,2021-08-08,306.0,0.1355014,25.9116022,6.3696797,3.4171997,2021-08-13 12:55:54,20210813,5,92.0 -fb-survey,smoothed_wanted_test_14d,day,msa,2020-09-08,2021-08-08,360.0,0.1587571,26.028836,6.509094,3.3718532,2021-08-13 12:56:39,20210813,5,92.0 -fb-survey,smoothed_wanted_test_14d,day,nation,2020-09-08,2021-08-08,1.0,1.5925926,11.4454568,5.665675,3.1281808,2021-08-13 12:57:02,20210813,5,98.0 -fb-survey,smoothed_wanted_test_14d,day,state,2020-09-08,2021-08-08,51.0,0.1960829,20.4545455,5.8825659,3.3210919,2021-08-13 12:57:13,20210813,5,92.0 -fb-survey,smoothed_wanxious_5d,day,county,2020-09-08,2021-03-15,749.0,2.3815166,46.1779215,17.9220204,3.9846759,2021-03-20 11:51:25,20210320,0,92.0 -fb-survey,smoothed_wanxious_5d,day,hrr,2020-09-08,2021-03-11,306.0,4.8688566,38.6947403,17.6545456,3.2077811,2021-03-17 18:57:59,20210317,1,92.0 -fb-survey,smoothed_wanxious_5d,day,msa,2020-09-08,2021-03-14,359.0,2.3815166,46.1779215,18.0969898,3.8223706,2021-03-19 11:51:42,20210319,1,92.0 -fb-survey,smoothed_wanxious_5d,day,nation,2020-09-08,2021-03-18,1.0,12.9816404,21.9088118,17.4219291,1.3808144,2021-03-23 11:53:38,20210323,5,98.0 -fb-survey,smoothed_wanxious_5d,day,state,2020-09-08,2021-03-15,51.0,5.8091487,34.5757152,17.8855685,2.4401673,2021-03-20 11:52:12,20210320,5,92.0 -fb-survey,smoothed_wanxious_7d,day,county,2021-03-02,2022-06-25,616.0,0.4762684,47.6759489,14.5779204,3.9993547,2022-07-01 14:59:49,20220701,1,63.0 -fb-survey,smoothed_wanxious_7d,day,hrr,2021-03-02,2022-06-25,306.0,1.4349892,40.9946915,14.7408662,3.8571784,2022-07-01 15:00:03,20220701,4,63.0 -fb-survey,smoothed_wanxious_7d,day,msa,2021-03-02,2022-06-25,332.0,2.071029,47.6759489,14.9048005,3.9717906,2022-07-01 15:00:17,20220701,4,63.0 -fb-survey,smoothed_wanxious_7d,day,nation,2021-03-02,2022-06-25,1.0,11.7847227,17.4077704,14.5648232,1.2875621,2022-07-01 15:00:24,20220701,4,63.0 -fb-survey,smoothed_wanxious_7d,day,state,2021-03-02,2022-06-25,51.0,4.3356799,28.4227721,14.8137042,2.6473626,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wappointment_not_vaccinated,day,county,2021-05-20,2022-06-25,99.0,0.1463001,18.3025693,3.3044627,2.0078133,2022-07-01 14:59:49,20220701,1,88.0 -fb-survey,smoothed_wappointment_not_vaccinated,day,hrr,2021-05-21,2022-06-25,176.0,0.1872659,22.6828561,3.4451905,2.282726,2022-07-01 15:00:03,20220701,4,87.0 -fb-survey,smoothed_wappointment_not_vaccinated,day,msa,2021-05-21,2022-06-25,99.0,0.2074616,19.5907273,3.8615952,2.3231991,2022-07-01 15:00:17,20220701,4,87.0 -fb-survey,smoothed_wappointment_not_vaccinated,day,nation,2021-05-20,2022-06-25,1.0,1.2390986,5.6135152,2.9497879,1.0377495,2022-07-01 15:00:24,20220701,4,88.0 -fb-survey,smoothed_wappointment_not_vaccinated,day,state,2021-05-20,2022-06-25,49.0,0.1369863,15.0843687,2.9862362,1.7158751,2022-07-01 15:00:30,20220701,4,88.0 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,county,2021-05-20,2022-06-25,97.0,2.5151232,54.816366,18.5840244,7.2142166,2022-07-01 14:59:49,20220701,1,63.0 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,hrr,2021-05-21,2022-06-25,177.0,1.4831004,58.2605508,18.8135095,7.1750094,2022-07-01 15:00:03,20220701,4,63.0 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,msa,2021-05-20,2022-06-25,97.0,2.249612,50.3403144,20.9346917,7.262716,2022-07-01 15:00:17,20220701,4,63.0 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,nation,2021-05-20,2022-06-25,1.0,11.61083,27.6815081,17.9534949,4.0276606,2022-07-01 15:00:24,20220701,4,63.0 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,state,2021-05-20,2022-06-25,49.0,2.4945603,44.8468572,17.0609076,5.6847889,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wbelief_children_immune,day,county,2021-05-20,2022-02-18,362.0,0.2258204,27.0363075,5.4398785,2.7623315,2022-02-23 13:51:51,20220223,1,110.0 -fb-survey,smoothed_wbelief_children_immune,day,hrr,2021-05-20,2022-02-15,291.0,0.1340483,24.6830424,5.5339095,2.6075082,2022-02-20 13:53:04,20220220,5,110.0 -fb-survey,smoothed_wbelief_children_immune,day,msa,2021-05-20,2022-02-17,216.0,0.1502682,21.9860443,5.314743,2.57829,2022-02-22 13:54:46,20220222,5,110.0 -fb-survey,smoothed_wbelief_children_immune,day,nation,2021-05-20,2022-02-19,1.0,3.6547655,7.1996498,5.4915637,1.1576265,2022-02-24 13:53:46,20220224,5,110.0 -fb-survey,smoothed_wbelief_children_immune,day,state,2021-05-20,2022-02-18,51.0,0.4032261,16.4415118,5.2021075,1.7849768,2022-02-23 13:54:05,20220223,5,110.0 -fb-survey,smoothed_wbelief_created_small_group,day,county,2021-05-20,2022-06-25,363.0,1.1261884,44.1350517,18.5847886,5.7457336,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_wbelief_created_small_group,day,hrr,2021-05-20,2022-06-25,291.0,2.1791481,49.6658764,20.7018716,5.7653306,2022-07-01 15:00:03,20220701,4,110.0 -fb-survey,smoothed_wbelief_created_small_group,day,msa,2021-05-20,2022-06-25,216.0,1.8417328,45.1094669,19.2565711,5.4551725,2022-07-01 15:00:17,20220701,4,110.0 -fb-survey,smoothed_wbelief_created_small_group,day,nation,2021-05-20,2022-06-25,1.0,18.1972295,21.6482732,20.1760762,0.7853077,2022-07-01 15:00:24,20220701,4,110.0 -fb-survey,smoothed_wbelief_created_small_group,day,state,2021-05-20,2022-06-25,51.0,2.2769289,38.9760449,20.491309,4.5290163,2022-07-01 15:00:30,20220701,4,110.0 -fb-survey,smoothed_wbelief_distancing_effective,day,county,2021-05-20,2022-06-25,374.0,40.237913,97.0765258,74.7061376,8.0366755,2022-07-01 14:59:49,20220701,1,110.0 -fb-survey,smoothed_wbelief_distancing_effective,day,hrr,2021-05-20,2022-06-25,293.0,36.7956204,95.5485549,71.5957114,8.268046,2022-07-01 15:00:04,20220701,4,110.0 -fb-survey,smoothed_wbelief_distancing_effective,day,msa,2021-05-20,2022-06-25,218.0,43.2207389,95.0731512,73.2164835,7.356262,2022-07-01 15:00:17,20220701,4,110.0 -fb-survey,smoothed_wbelief_distancing_effective,day,nation,2021-05-20,2022-06-25,1.0,66.953039,79.133767,72.4807735,4.0114967,2022-07-01 15:00:24,20220701,4,110.0 -fb-survey,smoothed_wbelief_distancing_effective,day,state,2021-05-20,2022-06-25,51.0,40.6340136,95.6226749,70.8356149,7.2586795,2022-07-01 15:00:30,20220701,4,110.0 -fb-survey,smoothed_wbelief_govt_exploitation,day,county,2021-05-20,2022-06-25,362.0,2.3990926,56.0812797,25.4544232,7.6251861,2022-07-01 14:59:50,20220701,1,110.0 -fb-survey,smoothed_wbelief_govt_exploitation,day,hrr,2021-05-20,2022-06-25,291.0,4.2666518,61.3346061,28.662491,7.6625689,2022-07-01 15:00:04,20220701,4,110.0 -fb-survey,smoothed_wbelief_govt_exploitation,day,msa,2021-05-20,2022-06-25,215.0,5.1261342,57.0362887,26.9256461,6.8499578,2022-07-01 15:00:17,20220701,4,110.0 -fb-survey,smoothed_wbelief_govt_exploitation,day,nation,2021-05-20,2022-06-25,1.0,23.6398656,31.4692546,27.7445629,2.1349639,2022-07-01 15:00:24,20220701,4,110.0 -fb-survey,smoothed_wbelief_govt_exploitation,day,state,2021-05-20,2022-06-25,51.0,3.6576642,57.9081183,29.0056738,6.3667853,2022-07-01 15:00:30,20220701,4,110.0 -fb-survey,smoothed_wbelief_masking_effective,day,county,2021-06-04,2022-06-25,375.0,37.9697728,98.287219,74.3519459,9.3654516,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wbelief_masking_effective,day,hrr,2021-06-04,2022-06-25,293.0,29.9196639,97.8090669,70.3286163,9.5773709,2022-07-01 15:00:04,20220701,4,63.0 -fb-survey,smoothed_wbelief_masking_effective,day,msa,2021-06-04,2022-06-25,218.0,36.9088983,96.4375098,72.3571951,8.3077082,2022-07-01 15:00:17,20220701,4,63.0 -fb-survey,smoothed_wbelief_masking_effective,day,nation,2021-06-04,2022-06-25,1.0,65.7299317,78.0630077,71.5702437,3.9130294,2022-07-01 15:00:24,20220701,4,63.0 -fb-survey,smoothed_wbelief_masking_effective,day,state,2021-06-04,2022-06-25,51.0,35.687196,98.287219,69.4110785,8.3052827,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,county,2021-05-20,2022-02-18,361.0,1.0161473,74.9410335,22.3865487,13.7643702,2022-02-23 13:51:53,20220223,1,110.0 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,hrr,2021-05-20,2022-02-15,291.0,1.9367613,71.7683849,23.0760939,13.7893222,2022-02-20 13:53:06,20220220,5,110.0 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,msa,2021-05-20,2022-02-17,216.0,1.9098675,76.3223194,22.8825941,13.8883749,2022-02-22 13:54:47,20220222,5,110.0 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,nation,2021-05-20,2022-02-19,1.0,9.3465558,47.777377,22.952263,12.8069513,2022-02-24 13:53:46,20220224,5,110.0 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,state,2021-05-20,2022-02-18,51.0,4.1180968,67.4333357,24.0527196,14.0986512,2022-02-23 13:54:06,20220223,5,110.0 -fb-survey,smoothed_wchild_vaccine_already,day,county,2022-03-23,2022-06-25,42.0,24.6726523,68.5021019,45.1060508,8.3374234,2022-07-01 14:59:50,20220701,2,14.0 -fb-survey,smoothed_wchild_vaccine_already,day,hrr,2022-03-23,2022-06-25,26.0,21.9067782,74.7167466,46.7814981,9.2558673,2022-07-01 15:00:04,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_already,day,msa,2022-03-23,2022-06-25,25.0,26.0729731,77.6941695,50.0291749,9.0366822,2022-07-01 15:00:17,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_already,day,nation,2022-03-23,2022-06-25,1.0,42.3794221,45.4747037,43.8430749,0.7487858,2022-07-01 15:00:24,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_already,day,state,2022-03-23,2022-06-25,37.0,22.3108462,67.9462816,42.9592904,8.6333649,2022-07-01 15:00:30,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_def,day,county,2022-03-23,2022-06-25,42.0,4.6220219,44.4460757,23.3273538,7.3274044,2022-07-01 14:59:50,20220701,2,14.0 -fb-survey,smoothed_wchild_vaccine_no_def,day,hrr,2022-03-23,2022-06-25,26.0,3.7122379,47.7287062,20.4781539,7.5841229,2022-07-01 15:00:04,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_def,day,msa,2022-03-23,2022-06-25,25.0,2.7577468,37.1432616,17.7411121,6.6013092,2022-07-01 15:00:17,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_def,day,nation,2022-03-23,2022-06-25,1.0,22.2495979,26.2248834,24.0851503,0.8890221,2022-07-01 15:00:24,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_def,day,state,2022-03-23,2022-06-25,37.0,6.4655433,48.0541721,25.2026496,7.5225026,2022-07-01 15:00:30,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_prob,day,county,2022-03-23,2022-06-25,42.0,1.1150472,27.6050184,11.5570177,3.6142834,2022-07-01 14:59:50,20220701,2,14.0 -fb-survey,smoothed_wchild_vaccine_no_prob,day,hrr,2022-03-23,2022-06-25,26.0,1.1156201,26.9228587,10.7477133,4.1744259,2022-07-01 15:00:04,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_prob,day,msa,2022-03-23,2022-06-25,25.0,0.8637941,25.4563602,9.4631768,4.201516,2022-07-01 15:00:17,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_prob,day,nation,2022-03-23,2022-06-25,1.0,10.7866208,12.5473091,11.6509302,0.3655171,2022-07-01 15:00:24,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_no_prob,day,state,2022-03-23,2022-06-25,37.0,2.7931306,29.8866679,12.0046102,3.6973738,2022-07-01 15:00:30,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_def,day,county,2022-03-23,2022-06-25,42.0,2.010981,26.3320645,10.7158792,3.2616592,2022-07-01 14:59:50,20220701,2,14.0 -fb-survey,smoothed_wchild_vaccine_yes_def,day,hrr,2022-03-23,2022-06-25,26.0,2.755208,27.7115107,12.1229521,4.109922,2022-07-01 15:00:04,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_def,day,msa,2022-03-23,2022-06-25,25.0,2.2438034,28.1842142,13.22412,3.9555919,2022-07-01 15:00:17,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_def,day,nation,2022-03-23,2022-06-25,1.0,9.5554655,11.8790436,10.8883813,0.4944172,2022-07-01 15:00:24,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_def,day,state,2022-03-23,2022-06-25,37.0,2.1186163,21.1909033,10.4101784,2.9826273,2022-07-01 15:00:30,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,county,2022-03-23,2022-06-25,42.0,2.0424379,31.4796574,9.2936985,2.6844099,2022-07-01 14:59:50,20220701,2,14.0 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,hrr,2022-03-23,2022-06-25,26.0,0.691977,20.5647176,9.8696827,3.5168507,2022-07-01 15:00:04,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,msa,2022-03-23,2022-06-25,25.0,0.4799777,29.4699392,9.5424162,3.4489601,2022-07-01 15:00:17,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,nation,2022-03-23,2022-06-25,1.0,8.6658626,10.7875198,9.5324634,0.5198739,2022-07-01 15:00:24,20220701,5,14.0 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,state,2022-03-23,2022-06-25,37.0,2.3405869,24.943663,9.4232714,2.6527993,2022-07-01 15:00:30,20220701,5,14.0 -fb-survey,smoothed_wcli,day,county,2020-04-06,2022-06-25,1526.0,0.0,12.4607029,1.0803173,1.0576451,2022-07-01 14:59:50,20220701,1,150.0 -fb-survey,smoothed_wcli,day,hrr,2020-04-06,2022-06-25,306.0,0.0,11.368826,1.3430584,1.1431207,2022-07-01 15:00:04,20220701,4,150.0 -fb-survey,smoothed_wcli,day,msa,2020-04-06,2022-06-25,382.0,0.0,12.315809,1.2456075,1.139489,2022-07-01 15:00:17,20220701,2,150.0 -fb-survey,smoothed_wcli,day,nation,2020-04-06,2022-06-25,1.0,0.4333632,4.9091597,1.3585842,0.8899842,2022-07-01 15:00:24,20220701,4,253.0 -fb-survey,smoothed_wcli,day,state,2020-04-06,2022-06-25,52.0,0.0,7.8319654,1.3995695,1.0437276,2022-07-01 15:00:30,20220701,2,150.0 -fb-survey,smoothed_wcovid_vaccinated,day,county,2021-01-06,2022-06-25,753.0,0.8910405,99.8049673,69.4271347,24.3495736,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wcovid_vaccinated,day,hrr,2021-01-06,2022-06-25,306.0,0.4950495,99.6638645,69.9244811,21.2110823,2022-07-01 15:00:04,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated,day,msa,2021-01-06,2022-06-25,361.0,1.0367954,98.7773216,68.9043457,22.9999112,2022-07-01 15:00:17,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated,day,nation,2021-01-06,2022-06-25,1.0,4.7552563,83.3454456,71.6665101,21.002113,2022-07-01 15:00:24,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated,day,state,2021-01-06,2022-06-25,51.0,2.5016936,98.5142761,71.1711302,21.064335,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,county,2021-05-20,2022-06-25,656.0,53.8362965,99.8091504,85.4093833,6.5835375,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,hrr,2021-05-20,2022-06-25,306.0,49.7729618,99.6676402,82.7177396,6.673588,2022-07-01 15:00:04,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,msa,2021-05-20,2022-06-25,346.0,50.9636724,99.1896772,83.910605,6.2157039,2022-07-01 15:00:17,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,nation,2021-05-20,2022-06-25,1.0,83.6764198,86.7308785,84.6801581,0.6915938,2022-07-01 15:00:24,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,state,2021-05-20,2022-06-25,51.0,62.1740052,99.3581501,83.6169924,5.3342872,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wcovid_vaccinated_friends,day,county,2021-05-20,2022-06-25,370.0,27.222259,96.0372155,67.4045729,10.7321318,2022-07-01 14:59:50,20220701,1,110.0 -fb-survey,smoothed_wcovid_vaccinated_friends,day,hrr,2021-05-20,2022-06-25,291.0,24.0751348,95.0844154,63.0439644,11.010072,2022-07-01 15:00:04,20220701,4,110.0 -fb-survey,smoothed_wcovid_vaccinated_friends,day,msa,2021-05-20,2022-06-25,219.0,23.5174147,93.2097072,65.4485421,9.8214244,2022-07-01 15:00:17,20220701,4,110.0 -fb-survey,smoothed_wcovid_vaccinated_friends,day,nation,2021-05-20,2022-06-25,1.0,59.230255,67.8662448,64.4610311,1.977963,2022-07-01 15:00:24,20220701,4,110.0 -fb-survey,smoothed_wcovid_vaccinated_friends,day,state,2021-05-20,2022-06-25,51.0,32.7354924,92.76767,62.8851878,9.5371268,2022-07-01 15:00:30,20220701,4,110.0 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,county,2020-12-20,2021-08-08,768.0,38.4084227,99.7625276,78.1681895,8.8205371,2021-08-13 12:54:53,20210813,1,44.0 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,hrr,2020-12-20,2021-08-08,306.0,38.7082511,99.5327103,76.9584218,8.373011,2021-08-13 12:55:57,20210813,2,44.0 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,msa,2020-12-20,2021-08-08,364.0,41.0484104,98.0079644,77.0638478,8.5686241,2021-08-13 12:56:41,20210813,2,44.0 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,nation,2020-12-20,2021-08-08,1.0,68.0666794,86.368918,80.3508095,4.722187,2021-08-13 12:57:02,20210813,2,44.0 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,state,2020-12-20,2021-08-08,51.0,48.0429272,97.799033,79.072896,7.0766794,2021-08-13 12:57:14,20210813,2,44.0 -fb-survey,smoothed_wdelayed_care_cost,day,county,2021-05-20,2022-06-25,349.0,7.6360414,61.5990172,32.8357643,6.2015456,2022-07-01 14:59:50,20220701,1,110.0 -fb-survey,smoothed_wdelayed_care_cost,day,hrr,2021-05-20,2022-06-25,288.0,10.7541064,60.8968859,33.1166887,5.8838919,2022-07-01 15:00:04,20220701,4,110.0 -fb-survey,smoothed_wdelayed_care_cost,day,msa,2021-05-20,2022-06-25,213.0,7.6360414,61.5990172,33.1881182,5.9725424,2022-07-01 15:00:18,20220701,4,110.0 -fb-survey,smoothed_wdelayed_care_cost,day,nation,2021-05-20,2022-06-25,1.0,32.397787,34.0779616,33.1560838,0.3549532,2022-07-01 15:00:24,20220701,4,110.0 -fb-survey,smoothed_wdelayed_care_cost,day,state,2021-05-20,2022-06-25,51.0,13.7742926,53.4486536,33.79402,4.5216393,2022-07-01 15:00:30,20220701,4,110.0 -fb-survey,smoothed_wdepressed_5d,day,county,2020-09-08,2021-03-15,744.0,1.9174148,39.8543825,13.7652938,3.6411139,2021-03-20 11:51:26,20210320,0,92.0 -fb-survey,smoothed_wdepressed_5d,day,hrr,2020-09-08,2021-03-11,306.0,2.7541212,36.7797356,13.7435342,2.9571271,2021-03-17 18:58:00,20210317,1,92.0 -fb-survey,smoothed_wdepressed_5d,day,msa,2020-09-08,2021-03-14,360.0,2.4965612,38.8902168,14.1576886,3.5036668,2021-03-19 11:51:43,20210319,1,92.0 -fb-survey,smoothed_wdepressed_5d,day,nation,2020-09-08,2021-03-18,1.0,11.8594341,15.5085087,13.4023874,0.907089,2021-03-23 11:53:39,20210323,5,98.0 -fb-survey,smoothed_wdepressed_5d,day,state,2020-09-08,2021-03-15,51.0,6.0871871,27.3584479,13.7900204,2.0112377,2021-03-20 11:52:12,20210320,5,92.0 -fb-survey,smoothed_wdepressed_7d,day,county,2021-03-02,2022-06-25,612.0,0.616306,43.9599197,12.0288927,3.7190805,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wdepressed_7d,day,hrr,2021-03-02,2022-06-25,306.0,0.4807692,41.2780068,12.3922538,3.6372247,2022-07-01 15:00:04,20220701,4,63.0 -fb-survey,smoothed_wdepressed_7d,day,msa,2021-03-02,2022-06-25,331.0,0.4680631,42.7666862,12.4339927,3.7043859,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdepressed_7d,day,nation,2021-03-02,2022-06-25,1.0,10.4776671,14.1366129,12.1188847,0.8910695,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdepressed_7d,day,state,2021-03-02,2022-06-25,51.0,2.3550117,25.1595585,12.4805467,2.4135102,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,county,2021-02-09,2022-06-25,45.0,4.8069079,41.638098,21.9202099,4.6762479,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,hrr,2021-02-12,2022-06-19,31.0,9.9711569,44.4861606,24.7468069,5.8217915,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,msa,2021-02-11,2022-06-25,19.0,7.4195413,46.0042971,23.6468721,5.8843849,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,nation,2021-02-09,2022-06-25,1.0,17.8199425,28.8839544,21.9804576,2.3640941,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,state,2021-02-09,2022-06-25,41.0,4.6072304,43.2226214,22.2710091,4.9543433,2022-07-01 15:00:30,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_had_covid,day,county,2021-02-09,2022-06-25,45.0,6.4677091,65.2771888,33.6084413,11.9811943,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_had_covid,day,hrr,2021-02-12,2022-06-19,31.0,6.3880598,63.0488653,26.670035,11.0511897,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_had_covid,day,msa,2021-02-11,2022-06-25,19.0,3.4951517,61.2004784,31.4099448,11.9218944,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_had_covid,day,nation,2021-02-09,2022-06-25,1.0,15.4693496,49.333232,34.2132441,11.0045891,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_had_covid,day,state,2021-02-09,2022-06-25,41.0,7.1861593,67.6858431,33.5523795,12.0913472,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,county,2021-02-09,2022-06-25,45.0,8.757518,45.048068,23.041627,4.2782189,2022-07-01 14:59:50,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,hrr,2021-02-12,2022-06-19,31.0,7.6811651,43.0085034,21.9911531,5.330986,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,msa,2021-02-11,2022-06-25,19.0,7.4701214,46.4618394,23.0991627,5.6430603,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,nation,2021-02-09,2022-06-25,1.0,19.7489267,28.7219516,23.4715732,2.1884121,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,state,2021-02-09,2022-06-25,41.0,7.9491028,46.8476055,23.3250687,4.6860318,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,county,2021-02-09,2022-06-25,45.0,24.4894394,61.4067069,41.6971633,4.7507984,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,hrr,2021-02-12,2022-06-19,31.0,26.5531661,67.4840315,44.4681033,5.8794146,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,msa,2021-02-11,2022-06-25,19.0,25.8539208,65.0524872,45.1182106,5.67112,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,nation,2021-02-09,2022-06-25,1.0,39.4646443,45.9354591,43.1617633,1.150104,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,state,2021-02-09,2022-06-25,41.0,22.3975978,66.4215331,43.1280253,5.1640465,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_serious,day,county,2021-02-09,2022-06-25,45.0,17.9707159,68.0319998,41.6497756,6.1898686,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_not_serious,day,hrr,2021-02-12,2022-06-19,31.0,19.4349471,69.3430387,40.6714652,7.2109532,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_serious,day,msa,2021-02-11,2022-06-25,19.0,16.7636216,61.7023174,40.2259687,6.8004507,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_serious,day,nation,2021-02-09,2022-06-25,1.0,37.3558444,48.7790548,43.253093,2.8849537,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_not_serious,day,state,2021-02-09,2022-06-25,41.0,18.7757164,70.3317852,43.3817649,6.5220607,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_other,day,county,2021-02-09,2022-06-25,45.0,13.2109195,52.9541802,30.4775884,4.771153,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_other,day,hrr,2021-02-12,2022-06-19,31.0,12.6394689,50.0796684,27.4749004,5.9769335,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_other,day,msa,2021-02-11,2022-06-25,19.0,11.040314,50.0086998,28.2413138,5.6874895,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_other,day,nation,2021-02-09,2022-06-25,1.0,20.1605447,34.161327,29.544848,2.4247603,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_other,day,state,2021-02-09,2022-06-25,41.0,12.3992662,53.0852128,29.8537186,5.0127981,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_precautions,day,county,2021-02-09,2022-06-25,45.0,1.923726,54.9464813,16.0300924,6.6137832,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_wdontneed_reason_precautions,day,hrr,2021-02-12,2022-06-19,31.0,5.4724325,45.5438936,21.1476736,6.93477,2022-06-24 12:53:02,20220624,4,63.0 -fb-survey,smoothed_wdontneed_reason_precautions,day,msa,2021-02-11,2022-06-25,19.0,2.3014576,47.8203937,22.1245488,8.1906234,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_precautions,day,nation,2021-02-09,2022-06-25,1.0,9.0930202,29.2971249,15.8323641,4.4888581,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wdontneed_reason_precautions,day,state,2021-02-09,2022-06-25,41.0,1.4653069,45.1462683,15.6996598,6.5734888,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wearing_mask,day,county,2020-09-08,2021-02-21,744.0,51.1794743,99.6779189,90.679758,6.0151383,2021-03-17 18:42:45,20210317,0,92.0 -fb-survey,smoothed_wearing_mask,day,hrr,2020-09-08,2021-02-20,306.0,51.4583333,99.6774194,89.1083305,6.3806653,2021-03-17 18:42:11,20210317,5,92.0 -fb-survey,smoothed_wearing_mask,day,msa,2020-09-08,2021-02-21,359.0,51.3144713,99.6775583,89.7195547,6.0889906,2021-03-17 18:43:13,20210317,5,92.0 -fb-survey,smoothed_wearing_mask,day,nation,2020-09-08,2021-02-22,1.0,86.1720121,94.0841025,90.6231562,2.9532583,2021-03-17 18:44:09,20210317,5,98.0 -fb-survey,smoothed_wearing_mask,day,state,2020-09-08,2021-02-21,51.0,55.6066818,99.5934959,89.5499112,6.2253967,2021-03-17 18:43:23,20210317,5,92.0 -fb-survey,smoothed_wearing_mask_7d,day,county,2021-02-09,2022-06-27,663.0,7.8728379,99.7584907,64.205482,22.6791456,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_wearing_mask_7d,day,hrr,2021-02-09,2022-06-27,306.0,6.7460317,99.795082,59.3034134,22.8455967,2022-07-01 15:00:05,20220701,1,63.0 -fb-survey,smoothed_wearing_mask_7d,day,msa,2021-02-09,2022-06-27,344.0,6.5201134,99.7584907,62.2082483,22.5356158,2022-07-01 15:00:18,20220701,1,63.0 -fb-survey,smoothed_wearing_mask_7d,day,nation,2021-02-09,2022-06-27,1.0,30.3755175,93.8240641,60.843203,19.1204448,2022-07-01 15:00:25,20220701,1,63.0 -fb-survey,smoothed_wearing_mask_7d,day,state,2021-02-09,2022-06-27,51.0,7.8728379,99.5762712,58.4062054,22.9032269,2022-07-01 15:00:31,20220701,1,63.0 -fb-survey,smoothed_wfelt_isolated_5d,day,county,2020-09-08,2021-03-15,742.0,3.2146097,45.7746918,19.7587182,4.2989054,2021-03-20 11:51:27,20210320,0,92.0 -fb-survey,smoothed_wfelt_isolated_5d,day,hrr,2020-09-08,2021-03-11,306.0,4.7151883,41.6290221,19.2902689,3.4436193,2021-03-17 18:58:00,20210317,1,92.0 -fb-survey,smoothed_wfelt_isolated_5d,day,msa,2020-09-08,2021-03-14,358.0,5.5195396,45.7746918,19.7872229,4.1335327,2021-03-19 11:51:43,20210319,1,92.0 -fb-survey,smoothed_wfelt_isolated_5d,day,nation,2020-09-08,2021-03-18,1.0,14.5542693,20.6762534,19.3086085,1.1223331,2021-03-23 11:53:40,20210323,5,98.0 -fb-survey,smoothed_wfelt_isolated_5d,day,state,2020-09-08,2021-03-15,51.0,10.000835,32.899683,19.6722251,2.8198029,2021-03-20 11:52:12,20210320,5,92.0 -fb-survey,smoothed_wfelt_isolated_7d,day,county,2021-03-02,2021-08-08,612.0,2.0921847,41.6130858,14.9080237,4.4760916,2021-08-13 12:54:55,20210813,1,15.0 -fb-survey,smoothed_wfelt_isolated_7d,day,hrr,2021-03-02,2021-08-08,306.0,2.0894072,36.0692146,14.2480385,3.8590188,2021-08-13 12:55:58,20210813,5,15.0 -fb-survey,smoothed_wfelt_isolated_7d,day,msa,2021-03-02,2021-08-08,331.0,1.9669919,42.6565175,14.827256,4.3100106,2021-08-13 12:56:42,20210813,5,15.0 -fb-survey,smoothed_wfelt_isolated_7d,day,nation,2021-03-02,2021-08-08,1.0,9.6084067,19.1716974,13.0566865,2.6467552,2021-08-13 12:57:02,20210813,5,15.0 -fb-survey,smoothed_wfelt_isolated_7d,day,state,2021-03-02,2021-08-08,51.0,2.9438775,29.6693207,13.6768722,3.7391537,2021-08-13 12:57:14,20210813,5,15.0 -fb-survey,smoothed_wflu_vaccinated_2021,day,county,2022-03-04,2022-06-25,384.0,25.8051747,83.1557473,54.7105354,7.9570561,2022-07-01 14:59:51,20220701,2,14.0 -fb-survey,smoothed_wflu_vaccinated_2021,day,hrr,2022-03-04,2022-06-25,287.0,25.5610208,78.7154491,52.4789789,7.1385953,2022-07-01 15:00:05,20220701,5,14.0 -fb-survey,smoothed_wflu_vaccinated_2021,day,msa,2022-03-04,2022-06-25,227.0,25.308152,82.4349516,53.8148398,7.5440052,2022-07-01 15:00:18,20220701,5,14.0 -fb-survey,smoothed_wflu_vaccinated_2021,day,nation,2022-03-04,2022-06-25,1.0,51.7862157,53.3519071,52.5535139,0.4362619,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wflu_vaccinated_2021,day,state,2022-03-04,2022-06-25,51.0,36.796906,78.1347419,53.5545129,5.9461494,2022-07-01 15:00:31,20220701,5,14.0 -fb-survey,smoothed_whad_covid_ever,day,county,2021-05-20,2022-06-25,661.0,0.3968254,63.6836227,25.6370922,10.6136795,2022-07-01 14:59:51,20220701,1,110.0 -fb-survey,smoothed_whad_covid_ever,day,hrr,2021-05-20,2022-06-25,306.0,1.877847,67.9838795,27.2432022,10.6358672,2022-07-01 15:00:05,20220701,4,110.0 -fb-survey,smoothed_whad_covid_ever,day,msa,2021-05-20,2022-06-25,347.0,1.3872896,63.6836227,26.272397,10.5537114,2022-07-01 15:00:18,20220701,4,110.0 -fb-survey,smoothed_whad_covid_ever,day,nation,2021-05-20,2022-06-25,1.0,14.4403582,43.9655763,27.0545338,9.3656193,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_whad_covid_ever,day,state,2021-05-20,2022-06-25,51.0,1.877847,55.6946797,27.0624538,10.6317479,2022-07-01 15:00:31,20220701,4,110.0 -fb-survey,smoothed_whesitancy_reason_allergic,day,county,2021-02-09,2021-08-08,269.0,9.4519542,48.6336454,24.4502765,4.1238527,2021-08-13 12:54:55,20210813,1,36.0 -fb-survey,smoothed_whesitancy_reason_allergic,day,hrr,2021-02-09,2021-08-06,264.0,9.0052188,47.7810821,24.1547932,4.2220518,2021-08-11 12:56:46,20210811,5,36.0 -fb-survey,smoothed_whesitancy_reason_allergic,day,msa,2021-02-09,2021-08-07,182.0,10.1799585,46.2835883,24.2801462,4.1645026,2021-08-12 12:55:11,20210812,5,36.0 -fb-survey,smoothed_whesitancy_reason_allergic,day,nation,2021-02-09,2021-08-08,1.0,17.2139495,29.511484,24.5487878,1.8535995,2021-08-13 12:57:02,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_allergic,day,state,2021-02-09,2021-08-08,50.0,10.3998722,42.6742516,24.0275552,3.2935803,2021-08-13 12:57:14,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_cost,day,county,2021-02-09,2022-06-25,269.0,0.2155175,18.8500985,4.4164383,2.4268497,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_cost,day,hrr,2021-02-09,2022-06-25,264.0,0.210084,22.5738707,4.4567295,2.6283793,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_cost,day,msa,2021-02-09,2022-06-25,182.0,0.2389865,30.2682761,4.5971638,2.6835099,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_cost,day,nation,2021-02-09,2022-06-25,1.0,2.6631177,7.3851319,3.6734228,0.9999892,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_cost,day,state,2021-02-09,2022-06-25,50.0,0.2155175,19.5888963,3.9081734,1.8891713,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,county,2021-02-09,2021-12-24,269.0,2.277526,31.8960027,12.2722454,3.0982688,2022-02-02 20:52:03,20220202,1,63.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,hrr,2021-02-09,2021-12-22,264.0,1.9030664,37.3937124,12.5038004,3.6238109,2022-02-02 20:53:14,20220202,4,63.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,msa,2021-02-09,2021-12-23,182.0,1.908972,39.5481442,12.3604769,3.6003761,2022-02-02 20:54:12,20220202,4,63.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,nation,2021-02-09,2021-12-25,1.0,9.8077692,27.0058032,12.6810788,1.2219962,2022-02-02 20:54:42,20220202,4,63.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,state,2021-02-09,2021-12-24,50.0,3.0114815,35.411576,12.886509,2.6689476,2022-02-02 20:55:00,20220202,4,63.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,county,2021-12-19,2022-06-25,67.0,7.1241707,40.0026615,19.5304937,3.4267287,2022-07-01 14:59:51,20220701,4,14.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,hrr,2021-12-20,2022-06-25,126.0,5.897228,42.6748953,19.7060164,4.6625072,2022-07-01 15:00:05,20220701,4,14.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,msa,2021-12-20,2022-06-25,62.0,7.449434,39.3582203,19.7361241,4.239746,2022-07-01 15:00:18,20220701,4,14.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,nation,2021-12-19,2022-06-25,1.0,18.4809393,20.770861,19.4847267,0.5453515,2022-07-01 15:00:25,20220701,4,14.0 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,state,2021-12-19,2022-06-25,47.0,6.3902943,37.7316319,19.7005006,3.5149921,2022-07-01 15:00:31,20220701,4,14.0 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,county,2021-02-09,2022-06-25,269.0,3.8733198,65.8024308,37.8863748,10.7702842,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,hrr,2021-02-09,2022-06-25,264.0,3.3445575,71.8676246,38.8326416,10.2987714,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,msa,2021-02-09,2022-06-25,182.0,9.5565973,68.8416246,36.4859949,9.9437057,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,nation,2021-02-09,2022-06-25,1.0,23.504747,49.1555014,42.2244957,6.8273849,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,state,2021-02-09,2022-06-25,50.0,12.450454,67.7544202,42.9135451,8.2286108,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,county,2021-02-09,2022-06-25,269.0,6.3373338,72.3097565,39.4005133,12.0524336,2022-07-01 14:59:51,20220701,1,36.0 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,hrr,2021-02-09,2022-06-25,264.0,6.5432548,75.041397,39.0969708,10.9974265,2022-07-01 15:00:05,20220701,4,36.0 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,msa,2021-02-09,2022-06-25,182.0,10.5496022,71.8766845,37.263145,10.5672901,2022-07-01 15:00:18,20220701,4,36.0 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,nation,2021-02-09,2022-06-25,1.0,26.3299411,54.8598449,45.6359383,8.2569509,2022-07-01 15:00:25,20220701,4,36.0 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,state,2021-02-09,2022-06-25,50.0,14.2122894,76.4828356,45.7552156,10.0603843,2022-07-01 15:00:31,20220701,4,36.0 -fb-survey,smoothed_whesitancy_reason_health_condition,day,county,2021-02-09,2021-08-08,269.0,2.68867,25.7398773,11.1342754,2.856906,2021-08-13 12:54:56,20210813,1,36.0 -fb-survey,smoothed_whesitancy_reason_health_condition,day,hrr,2021-02-09,2021-08-06,264.0,2.4427752,25.2297164,11.1467825,2.8554226,2021-08-11 12:56:47,20210811,5,36.0 -fb-survey,smoothed_whesitancy_reason_health_condition,day,msa,2021-02-09,2021-08-07,182.0,2.7694866,25.1692907,10.9455353,2.7274129,2021-08-12 12:55:11,20210812,5,36.0 -fb-survey,smoothed_whesitancy_reason_health_condition,day,nation,2021-02-09,2021-08-08,1.0,9.5538471,18.3521122,12.0427154,1.6547789,2021-08-13 12:57:02,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_health_condition,day,state,2021-02-09,2021-08-08,50.0,3.9640995,24.0387993,11.3925431,2.3043261,2021-08-13 12:57:15,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_ineffective,day,county,2021-02-09,2022-06-25,269.0,6.5269903,48.9568179,24.5260072,5.1911112,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_ineffective,day,hrr,2021-02-09,2022-06-25,264.0,6.6947907,53.7090555,24.7984946,5.8600366,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_ineffective,day,msa,2021-02-09,2022-06-25,182.0,7.1164823,54.484413,24.207075,5.7743426,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_ineffective,day,nation,2021-02-09,2022-06-25,1.0,19.6582346,30.2768264,25.7284686,3.2087039,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_ineffective,day,state,2021-02-09,2022-06-25,50.0,11.6209221,52.298582,26.1078927,4.7044414,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_low_priority,day,county,2021-02-09,2022-06-25,269.0,0.4767117,54.3332284,16.5565188,10.1101,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_low_priority,day,hrr,2021-02-09,2022-06-25,264.0,0.2564103,55.2657496,16.2136318,9.2827039,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_low_priority,day,msa,2021-02-09,2022-06-25,182.0,0.7518824,50.675307,17.5177984,9.6695686,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_low_priority,day,nation,2021-02-09,2022-06-25,1.0,7.006092,31.3399911,12.2879791,6.5081071,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_low_priority,day,state,2021-02-09,2022-06-25,50.0,1.2616671,42.2415841,12.8269855,7.4064772,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,county,2021-02-09,2021-08-08,269.0,0.386761,21.8109183,7.9178619,2.5124111,2021-08-13 12:54:56,20210813,1,36.0 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,hrr,2021-02-09,2021-08-06,264.0,0.8121502,30.0649677,8.0934786,2.5632542,2021-08-11 12:56:47,20210811,5,36.0 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,msa,2021-02-09,2021-08-07,182.0,0.9687711,23.2912513,8.0287888,2.6217481,2021-08-12 12:55:12,20210812,5,36.0 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,nation,2021-02-09,2021-08-08,1.0,4.5181873,11.9337068,8.6093731,1.3868421,2021-08-13 12:57:02,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,state,2021-02-09,2021-08-08,50.0,2.5668931,19.2062301,8.3460955,1.9810811,2021-08-13 12:57:15,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_other,day,county,2021-02-09,2022-06-25,269.0,1.4372991,42.8244651,17.6983098,6.0368779,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_other,day,hrr,2021-02-09,2022-06-25,264.0,2.6860797,50.8660928,17.8413979,6.3624422,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_other,day,msa,2021-02-09,2022-06-25,182.0,2.0627923,54.7826929,17.2250361,6.2453655,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_other,day,nation,2021-02-09,2022-06-25,1.0,9.9303692,24.9020614,19.1013047,3.9091196,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_other,day,state,2021-02-09,2022-06-25,50.0,5.8651725,46.0061502,19.556545,5.1331531,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_pregnant,day,county,2021-02-09,2021-08-08,269.0,0.3552191,19.4539214,5.6342949,1.9918921,2021-08-13 12:54:56,20210813,1,36.0 -fb-survey,smoothed_whesitancy_reason_pregnant,day,hrr,2021-02-09,2021-08-06,264.0,0.3546099,19.0082655,5.627179,2.1027593,2021-08-11 12:56:47,20210811,5,36.0 -fb-survey,smoothed_whesitancy_reason_pregnant,day,msa,2021-02-09,2021-08-07,182.0,0.3552191,19.4539214,5.6632815,2.0533325,2021-08-12 12:55:12,20210812,5,36.0 -fb-survey,smoothed_whesitancy_reason_pregnant,day,nation,2021-02-09,2021-08-08,1.0,4.6500787,9.8490779,6.0507347,0.9728403,2021-08-13 12:57:02,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_pregnant,day,state,2021-02-09,2021-08-08,50.0,0.4761905,19.0831092,5.8217579,1.7396931,2021-08-13 12:57:15,20210813,5,36.0 -fb-survey,smoothed_whesitancy_reason_religious,day,county,2021-02-09,2022-06-25,269.0,0.2360437,37.2408044,9.7295569,5.6347867,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_religious,day,hrr,2021-02-09,2022-06-25,264.0,0.2145923,41.0601024,9.8180712,5.9566815,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_religious,day,msa,2021-02-09,2022-06-25,182.0,0.2575795,41.411229,9.1957266,5.6983165,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_religious,day,nation,2021-02-09,2022-06-25,1.0,3.2215934,17.9682824,11.6468891,4.3801209,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_religious,day,state,2021-02-09,2022-06-25,50.0,0.4587282,38.2845488,11.6888491,5.2139764,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,county,2021-02-09,2022-06-25,269.0,26.9548241,79.8831658,53.7488322,7.1368359,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,hrr,2021-02-09,2022-06-25,264.0,28.7712371,80.055543,53.8408628,7.5832092,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,msa,2021-02-09,2022-06-25,182.0,29.0385923,79.8831658,53.2930136,7.4650192,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,nation,2021-02-09,2022-06-25,1.0,45.4524593,61.2061394,55.7581717,4.3187869,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,state,2021-02-09,2022-06-25,50.0,32.8388023,79.261816,55.9877578,5.9797222,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,county,2021-02-09,2022-06-25,269.0,2.4146879,64.9447974,32.9521122,11.0263706,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,hrr,2021-02-09,2022-06-25,264.0,2.6826198,71.0861382,32.9523433,10.2676657,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,msa,2021-02-09,2022-06-25,182.0,4.2480872,66.4505849,31.7528147,10.285422,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,nation,2021-02-09,2022-06-25,1.0,17.0729857,46.6894472,37.2840133,7.5253347,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,state,2021-02-09,2022-06-25,50.0,9.9642288,67.7170268,38.1365857,9.0498542,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,county,2021-02-09,2022-06-25,269.0,6.8225926,62.5631435,34.1443483,8.8727006,2022-07-01 14:59:51,20220701,1,63.0 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,hrr,2021-02-09,2022-06-25,264.0,6.0065841,62.7920337,35.3441146,7.8933413,2022-07-01 15:00:05,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,msa,2021-02-09,2022-06-25,182.0,7.4386807,61.0454853,36.4206659,7.8766815,2022-07-01 15:00:18,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,nation,2021-02-09,2022-06-25,1.0,17.435773,42.105386,31.373305,7.6962928,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,state,2021-02-09,2022-06-25,50.0,6.6577789,54.9808894,31.4730499,8.2685307,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_whh_cmnty_cli,day,county,2020-04-15,2022-06-25,1158.0,1.3750815,73.2503244,21.9397893,10.0012829,2022-07-01 14:59:51,20220701,1,141.0 -fb-survey,smoothed_whh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,306.0,2.2171266,74.0255911,22.8036241,9.9718312,2022-07-01 15:00:05,20220701,2,141.0 -fb-survey,smoothed_whh_cmnty_cli,day,msa,2020-04-15,2022-06-25,380.0,1.8822423,73.2503244,23.1479164,10.2562135,2022-07-01 15:00:18,20220701,2,141.0 -fb-survey,smoothed_whh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1.0,9.661965,47.033767,21.5156062,7.1543536,2022-07-01 15:00:25,20220701,4,244.0 -fb-survey,smoothed_whh_cmnty_cli,day,state,2020-04-15,2022-06-25,52.0,2.4860466,61.3750353,22.2999081,9.3458112,2022-07-01 15:00:31,20220701,4,141.0 -fb-survey,smoothed_wili,day,county,2020-04-06,2022-06-25,1526.0,0.0,12.7482784,1.1044539,1.075888,2022-07-01 14:59:52,20220701,1,150.0 -fb-survey,smoothed_wili,day,hrr,2020-04-06,2022-06-25,306.0,0.0,12.7454707,1.368139,1.1626017,2022-07-01 15:00:05,20220701,4,150.0 -fb-survey,smoothed_wili,day,msa,2020-04-06,2022-06-25,382.0,0.0,12.897527,1.2702849,1.1586003,2022-07-01 15:00:18,20220701,2,150.0 -fb-survey,smoothed_wili,day,nation,2020-04-06,2022-06-25,1.0,0.4424246,5.0456589,1.3858002,0.9112782,2022-07-01 15:00:25,20220701,4,253.0 -fb-survey,smoothed_wili,day,state,2020-04-06,2022-06-25,52.0,0.0,7.9691919,1.4244392,1.0646239,2022-07-01 15:00:31,20220701,2,150.0 -fb-survey,smoothed_winitial_dose_one_of_one,day,county,2022-03-04,2022-06-25,352.0,0.1789052,31.3099061,7.2474167,2.8507023,2022-07-01 14:59:52,20220701,2,14.0 -fb-survey,smoothed_winitial_dose_one_of_one,day,hrr,2022-03-04,2022-06-25,272.0,0.1908397,31.3351139,7.4263152,2.5663561,2022-07-01 15:00:05,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_one,day,msa,2022-03-04,2022-06-25,207.0,0.1394524,30.4304362,7.1528107,2.685112,2022-07-01 15:00:19,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_one,day,nation,2022-03-04,2022-06-25,1.0,7.1101013,7.6034753,7.3572741,0.1054342,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_one,day,state,2022-03-04,2022-06-25,51.0,2.0895519,14.0962306,7.4065711,1.5405493,2022-07-01 15:00:31,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_two,day,county,2022-03-04,2022-06-25,352.0,0.1760494,37.097309,6.376349,2.6140307,2022-07-01 14:59:52,20220701,2,14.0 -fb-survey,smoothed_winitial_dose_one_of_two,day,hrr,2022-03-04,2022-06-25,272.0,0.1851852,37.2985333,6.6087396,2.503617,2022-07-01 15:00:06,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_two,day,msa,2022-03-04,2022-06-25,207.0,0.2047256,21.8746033,6.5161824,2.5491358,2022-07-01 15:00:19,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_two,day,nation,2022-03-04,2022-06-25,1.0,6.0873171,7.1435648,6.6005127,0.3242917,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_one_of_two,day,state,2022-03-04,2022-06-25,51.0,1.2449109,14.3650406,6.3908213,1.5469224,2022-07-01 15:00:31,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_two_of_two,day,county,2022-03-04,2022-06-25,352.0,58.4158339,97.6887012,85.7413474,3.7676812,2022-07-01 14:59:52,20220701,2,14.0 -fb-survey,smoothed_winitial_dose_two_of_two,day,hrr,2022-03-04,2022-06-25,272.0,56.295143,97.4969585,85.312899,3.498756,2022-07-01 15:00:06,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_two_of_two,day,msa,2022-03-04,2022-06-25,207.0,62.1802657,97.420166,85.6887471,3.5635137,2022-07-01 15:00:19,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_two_of_two,day,nation,2022-03-04,2022-06-25,1.0,84.7892928,86.3072822,85.4810374,0.3629036,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_winitial_dose_two_of_two,day,state,2022-03-04,2022-06-25,51.0,78.2149548,93.5469139,85.6387775,1.9364896,2022-07-01 15:00:31,20220701,5,14.0 -fb-survey,smoothed_winperson_school_fulltime,day,county,2020-11-24,2021-12-24,295.0,1.649099,96.5116573,44.1861575,24.522825,2022-02-02 20:52:06,20220202,1,133.0 -fb-survey,smoothed_winperson_school_fulltime,day,hrr,2020-11-24,2021-12-22,264.0,2.167588,98.0192219,46.3823847,23.2513277,2022-02-02 20:53:16,20220202,5,133.0 -fb-survey,smoothed_winperson_school_fulltime,day,msa,2020-11-24,2021-12-24,181.0,1.911819,97.7340744,45.3173837,23.6674973,2022-02-02 20:54:14,20220202,5,133.0 -fb-survey,smoothed_winperson_school_fulltime,day,nation,2020-11-24,2021-12-24,1.0,30.405697,86.0366294,57.0158636,19.9209731,2022-02-02 20:54:43,20220202,5,133.0 -fb-survey,smoothed_winperson_school_fulltime,day,state,2020-11-24,2021-12-24,50.0,3.8655163,96.6880092,58.3279855,22.7559791,2022-02-02 20:55:01,20220202,5,133.0 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,county,2021-12-19,2022-06-25,69.0,62.9940419,99.5454541,92.7122963,4.0705057,2022-07-01 14:59:52,20220701,4,14.0 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,hrr,2021-12-21,2022-06-25,87.0,55.9706126,99.7326203,91.1569006,5.3418787,2022-07-01 15:00:06,20220701,4,14.0 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,msa,2021-12-20,2022-06-25,53.0,58.2056922,99.6914588,92.2337491,4.6003458,2022-07-01 15:00:19,20220701,4,14.0 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,nation,2021-12-19,2022-06-25,1.0,87.6818181,95.6651801,93.2633088,2.0315501,2022-07-01 15:00:25,20220701,4,14.0 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,state,2021-12-19,2022-06-25,42.0,63.1649378,99.5454541,92.7526905,4.0486863,2022-07-01 15:00:31,20220701,4,14.0 -fb-survey,smoothed_winperson_school_parttime,day,county,2020-11-24,2021-12-24,293.0,0.4471104,75.6656064,24.2313898,12.0261844,2022-02-02 20:52:06,20220202,1,133.0 -fb-survey,smoothed_winperson_school_parttime,day,hrr,2020-11-24,2021-12-22,259.0,0.4464286,66.322919,25.318842,11.1259869,2022-02-02 20:53:16,20220202,5,133.0 -fb-survey,smoothed_winperson_school_parttime,day,msa,2020-11-24,2021-12-23,178.0,0.4471104,69.0001297,24.4376559,11.3399035,2022-02-02 20:54:14,20220202,5,133.0 -fb-survey,smoothed_winperson_school_parttime,day,nation,2020-11-24,2021-12-24,1.0,16.1480305,28.2422396,22.2751745,4.0347658,2022-02-02 20:54:43,20220202,5,133.0 -fb-survey,smoothed_winperson_school_parttime,day,state,2020-11-24,2021-12-24,50.0,4.2491283,65.7561501,23.2546423,9.7834603,2022-02-02 20:55:01,20220202,5,133.0 -fb-survey,smoothed_winperson_school_parttime_oldest,day,county,2021-12-19,2022-06-25,69.0,0.1461985,24.1369907,4.7023299,2.8786615,2022-07-01 14:59:52,20220701,4,14.0 -fb-survey,smoothed_winperson_school_parttime_oldest,day,hrr,2021-12-21,2022-06-25,87.0,0.1976285,27.8987527,5.6972514,3.7524768,2022-07-01 15:00:06,20220701,4,14.0 -fb-survey,smoothed_winperson_school_parttime_oldest,day,msa,2021-12-20,2022-06-25,53.0,0.2120599,30.8578463,4.8967179,3.0774775,2022-07-01 15:00:19,20220701,4,14.0 -fb-survey,smoothed_winperson_school_parttime_oldest,day,nation,2021-12-19,2022-06-25,1.0,2.6388345,7.8820427,4.3530664,1.2863722,2022-07-01 15:00:25,20220701,4,14.0 -fb-survey,smoothed_winperson_school_parttime_oldest,day,state,2021-12-19,2022-06-25,42.0,0.1461985,22.9473676,4.7187805,2.8968913,2022-07-01 15:00:31,20220701,4,14.0 -fb-survey,smoothed_wlarge_event_1d,day,county,2020-09-08,2021-03-15,831.0,0.2747253,44.7660358,11.252197,5.6423628,2021-03-20 11:51:29,20210320,0,92.0 -fb-survey,smoothed_wlarge_event_1d,day,hrr,2020-09-08,2021-03-11,306.0,0.492228,46.2257562,12.2999093,5.5630368,2021-03-17 18:58:02,20210317,2,92.0 -fb-survey,smoothed_wlarge_event_1d,day,msa,2020-09-08,2021-03-14,370.0,0.2747253,44.7660358,12.1267754,5.6983996,2021-03-19 11:51:45,20210319,1,92.0 -fb-survey,smoothed_wlarge_event_1d,day,nation,2020-09-08,2021-03-18,1.0,6.8384933,15.8530488,11.2534813,3.0755192,2021-03-23 11:53:42,20210323,2,98.0 -fb-survey,smoothed_wlarge_event_1d,day,state,2020-09-08,2021-03-15,51.0,1.2275906,31.2557433,11.7680285,5.096913,2021-03-20 11:52:13,20210320,2,92.0 -fb-survey,smoothed_wlarge_event_indoors_1d,day,county,2021-03-02,2022-06-25,670.0,0.5781915,57.928438,21.8466829,7.3628614,2022-07-01 14:59:52,20220701,1,63.0 -fb-survey,smoothed_wlarge_event_indoors_1d,day,hrr,2021-03-02,2022-06-25,306.0,1.2339531,57.5739341,23.3337496,7.1254594,2022-07-01 15:00:06,20220701,4,63.0 -fb-survey,smoothed_wlarge_event_indoors_1d,day,msa,2021-03-02,2022-06-25,349.0,0.9356978,55.0674681,22.5222933,7.1586873,2022-07-01 15:00:19,20220701,4,63.0 -fb-survey,smoothed_wlarge_event_indoors_1d,day,nation,2021-03-02,2022-06-25,1.0,10.793925,31.3438812,22.6271031,5.253952,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wlarge_event_indoors_1d,day,state,2021-03-02,2022-06-25,51.0,1.8963261,46.0268839,23.4043217,6.8020611,2022-07-01 15:00:31,20220701,4,63.0 -fb-survey,smoothed_wnohh_cmnty_cli,day,county,2020-04-15,2022-06-25,1158.0,0.2449849,67.6118995,17.2692958,9.1160853,2022-07-01 14:59:52,20220701,1,141.0 -fb-survey,smoothed_wnohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,306.0,0.4385965,67.3097288,17.8269208,9.1346179,2022-07-01 15:00:06,20220701,2,141.0 -fb-survey,smoothed_wnohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,380.0,0.4140571,64.7689845,18.2267998,9.4049519,2022-07-01 15:00:19,20220701,2,141.0 -fb-survey,smoothed_wnohh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1.0,6.331558,39.6769705,16.6227899,6.421572,2022-07-01 15:00:25,20220701,4,244.0 -fb-survey,smoothed_wnohh_cmnty_cli,day,state,2020-04-15,2022-06-25,52.0,1.3205772,56.2288024,17.4001059,8.5435123,2022-07-01 15:00:31,20220701,4,141.0 -fb-survey,smoothed_work_outside_home_1d,day,county,2020-09-08,2021-03-15,835.0,7.622462,58.3337502,31.7920327,6.1464568,2021-03-20 11:51:30,20210320,1,92.0 -fb-survey,smoothed_work_outside_home_1d,day,hrr,2020-09-08,2021-03-11,306.0,12.4907885,55.1652893,32.0940955,5.5899382,2021-03-17 18:58:02,20210317,2,92.0 -fb-survey,smoothed_work_outside_home_1d,day,msa,2020-09-08,2021-03-14,370.0,7.622462,58.3337502,32.446426,6.0098032,2021-03-19 11:51:45,20210319,1,92.0 -fb-survey,smoothed_work_outside_home_1d,day,nation,2020-09-08,2021-03-18,1.0,21.6507501,35.9460336,31.3427652,3.2126867,2021-03-23 11:53:43,20210323,2,98.0 -fb-survey,smoothed_work_outside_home_1d,day,state,2020-09-08,2021-03-15,51.0,8.9662447,52.6223377,32.2708983,5.4055182,2021-03-20 11:52:13,20210320,2,92.0 -fb-survey,smoothed_work_outside_home_indoors_1d,day,county,2021-03-02,2022-06-27,670.0,9.7198634,58.617874,33.5732968,5.532449,2022-07-01 14:59:52,20220701,1,63.0 -fb-survey,smoothed_work_outside_home_indoors_1d,day,hrr,2021-03-02,2022-06-27,306.0,11.4492754,58.4677419,33.7955435,5.1569547,2022-07-01 15:00:06,20220701,1,63.0 -fb-survey,smoothed_work_outside_home_indoors_1d,day,msa,2021-03-02,2022-06-27,349.0,9.8720626,61.2426139,33.8262538,5.4456966,2022-07-01 15:00:19,20220701,1,63.0 -fb-survey,smoothed_work_outside_home_indoors_1d,day,nation,2021-03-02,2022-06-27,1.0,23.7957814,36.4551242,33.6054923,2.1450812,2022-07-01 15:00:25,20220701,1,63.0 -fb-survey,smoothed_work_outside_home_indoors_1d,day,state,2021-03-02,2022-06-27,51.0,13.3451957,52.9292878,34.5361949,4.4888592,2022-07-01 15:00:31,20220701,1,63.0 -fb-survey,smoothed_worried_become_ill,day,county,2020-09-08,2021-08-08,745.0,21.8562874,93.8829787,61.2717627,9.5898727,2021-08-13 12:55:02,20210813,0,92.0 -fb-survey,smoothed_worried_become_ill,day,hrr,2020-09-08,2021-08-08,306.0,26.635514,85.9855335,59.8519576,9.4121586,2021-08-13 12:56:02,20210813,5,92.0 -fb-survey,smoothed_worried_become_ill,day,msa,2020-09-08,2021-08-08,359.0,21.8398888,93.8829787,60.4249489,9.4460152,2021-08-13 12:56:46,20210813,5,92.0 -fb-survey,smoothed_worried_become_ill,day,nation,2020-09-08,2021-08-08,1.0,35.6958763,72.3717622,56.9028157,11.0532109,2021-08-13 12:57:02,20210813,5,98.0 -fb-survey,smoothed_worried_become_ill,day,state,2020-09-08,2021-08-08,51.0,21.8562874,81.0144928,58.0321489,10.6045383,2021-08-13 12:57:17,20210813,5,92.0 -fb-survey,smoothed_worried_catch_covid,day,county,2021-05-20,2022-06-27,377.0,13.1678783,83.8235294,48.9187704,10.4618787,2022-07-01 14:59:52,20220701,1,110.0 -fb-survey,smoothed_worried_catch_covid,day,hrr,2021-05-20,2022-06-27,293.0,12.585034,82.0855615,46.2742163,10.1272357,2022-07-01 15:00:06,20220701,1,110.0 -fb-survey,smoothed_worried_catch_covid,day,msa,2021-05-20,2022-06-27,221.0,14.8006912,82.1678322,47.433019,9.8045433,2022-07-01 15:00:19,20220701,1,110.0 -fb-survey,smoothed_worried_catch_covid,day,nation,2021-05-20,2022-06-27,1.0,32.7879719,59.1381691,46.1695619,6.9006121,2022-07-01 15:00:25,20220701,1,110.0 -fb-survey,smoothed_worried_catch_covid,day,state,2021-05-20,2022-06-27,51.0,13.1678783,76.1682243,44.5452652,9.4025344,2022-07-01 15:00:31,20220701,1,110.0 -fb-survey,smoothed_worried_finances,day,county,2020-09-08,2022-06-27,755.0,11.0052026,82.6732673,39.1531293,7.8953853,2022-07-01 14:59:53,20220701,1,92.0 -fb-survey,smoothed_worried_finances,day,hrr,2020-09-08,2022-06-27,306.0,15.1408451,76.618705,39.0279071,7.3314365,2022-07-01 15:00:06,20220701,1,92.0 -fb-survey,smoothed_worried_finances,day,msa,2020-09-08,2022-06-27,360.0,14.3584953,82.6732673,39.2171114,7.663917,2022-07-01 15:00:19,20220701,1,92.0 -fb-survey,smoothed_worried_finances,day,nation,2020-09-08,2022-06-27,1.0,32.7583261,49.7202012,38.4454227,4.1104441,2022-07-01 15:00:25,20220701,1,98.0 -fb-survey,smoothed_worried_finances,day,state,2020-09-08,2022-06-27,51.0,20.6790123,58.4336003,37.980683,5.5495025,2022-07-01 15:00:32,20220701,1,92.0 -fb-survey,smoothed_worried_vaccine_side_effects,day,county,2021-01-13,2022-06-27,724.0,14.7232379,88.2235985,53.9216438,15.917221,2022-07-01 14:59:53,20220701,1,63.0 -fb-survey,smoothed_worried_vaccine_side_effects,day,hrr,2021-01-13,2022-06-27,306.0,21.679198,88.2113821,61.4861725,14.6393302,2022-07-01 15:00:06,20220701,1,63.0 -fb-survey,smoothed_worried_vaccine_side_effects,day,msa,2021-01-13,2022-06-27,359.0,17.065884,87.1809489,56.2371783,15.6697149,2022-07-01 15:00:19,20220701,1,63.0 -fb-survey,smoothed_worried_vaccine_side_effects,day,nation,2021-01-13,2022-06-27,1.0,37.2208052,74.686969,67.9060097,10.3589595,2022-07-01 15:00:25,20220701,1,63.0 -fb-survey,smoothed_worried_vaccine_side_effects,day,state,2021-01-13,2022-06-27,51.0,24.025974,86.5484308,66.939403,11.640358,2022-07-01 15:00:32,20220701,1,63.0 -fb-survey,smoothed_wothers_distanced_public,day,county,2021-06-04,2022-06-25,360.0,2.8900442,57.1384989,19.5881646,6.833952,2022-07-01 14:59:53,20220701,1,63.0 -fb-survey,smoothed_wothers_distanced_public,day,hrr,2021-06-04,2022-06-25,290.0,2.8735545,55.9770673,18.7926198,6.4440911,2022-07-01 15:00:06,20220701,4,63.0 -fb-survey,smoothed_wothers_distanced_public,day,msa,2021-06-04,2022-06-25,214.0,2.6704421,56.056802,19.0669081,6.5754008,2022-07-01 15:00:19,20220701,4,63.0 -fb-survey,smoothed_wothers_distanced_public,day,nation,2021-06-04,2022-06-25,1.0,12.1122322,29.4177794,18.6006568,3.8454173,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wothers_distanced_public,day,state,2021-06-04,2022-06-25,51.0,4.1515193,53.4279084,18.0471995,5.8320159,2022-07-01 15:00:32,20220701,4,63.0 -fb-survey,smoothed_wothers_masked,day,county,2020-11-24,2021-08-08,726.0,0.4545455,99.5689655,75.0626799,20.460701,2021-08-13 12:55:03,20210813,0,44.0 -fb-survey,smoothed_wothers_masked,day,hrr,2020-11-24,2021-08-08,306.0,0.3012048,97.9872631,68.687151,23.039915,2021-08-13 12:56:03,20210813,5,44.0 -fb-survey,smoothed_wothers_masked,day,msa,2020-11-24,2021-08-08,355.0,0.7093424,99.4381474,71.9296622,20.9615251,2021-08-13 12:56:46,20210813,5,44.0 -fb-survey,smoothed_wothers_masked,day,nation,2020-11-24,2021-08-08,1.0,12.1221968,81.8798592,61.4684197,25.4253023,2021-08-13 12:57:03,20210813,5,44.0 -fb-survey,smoothed_wothers_masked,day,state,2020-11-24,2021-08-08,51.0,0.4545455,97.5155904,63.8378853,27.0748247,2021-08-13 12:57:17,20210813,5,44.0 -fb-survey,smoothed_wothers_masked_public,day,county,2021-05-20,2022-06-25,361.0,0.1850946,91.361127,23.3561117,21.8086104,2022-07-01 14:59:53,20220701,1,63.0 -fb-survey,smoothed_wothers_masked_public,day,hrr,2021-05-20,2022-06-25,289.0,0.1557632,91.5325142,19.1478965,19.7661479,2022-07-01 15:00:07,20220701,4,63.0 -fb-survey,smoothed_wothers_masked_public,day,msa,2021-05-20,2022-06-25,215.0,0.1508559,89.2016655,20.3891376,20.1005663,2022-07-01 15:00:19,20220701,4,63.0 -fb-survey,smoothed_wothers_masked_public,day,nation,2021-05-20,2022-06-25,1.0,3.8785358,54.052581,20.4011157,10.9031212,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wothers_masked_public,day,state,2021-05-20,2022-06-25,51.0,0.2053294,88.2777682,17.185773,18.2390896,2022-07-01 15:00:32,20220701,4,63.0 -fb-survey,smoothed_wpublic_transit_1d,day,county,2020-09-08,2022-06-25,831.0,0.095057,67.611347,5.1043834,4.9251387,2022-07-01 14:59:53,20220701,0,92.0 -fb-survey,smoothed_wpublic_transit_1d,day,hrr,2020-09-08,2022-06-25,306.0,0.1184834,53.9211951,5.0337428,4.1298865,2022-07-01 15:00:07,20220701,2,92.0 -fb-survey,smoothed_wpublic_transit_1d,day,msa,2020-09-08,2022-06-25,370.0,0.1459525,31.7723756,4.5544746,2.8115349,2022-07-01 15:00:19,20220701,1,92.0 -fb-survey,smoothed_wpublic_transit_1d,day,nation,2020-09-08,2022-06-25,1.0,2.8579001,9.0405839,5.749723,1.7722659,2022-07-01 15:00:25,20220701,2,98.0 -fb-survey,smoothed_wpublic_transit_1d,day,state,2020-09-08,2022-06-25,51.0,0.3816794,41.2234339,5.4374429,3.6889787,2022-07-01 15:00:32,20220701,2,92.0 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,county,2021-05-20,2022-06-25,350.0,44.6845856,96.0016421,78.8774113,6.5378876,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,hrr,2021-05-20,2022-06-25,288.0,43.6431494,97.3523875,79.2426393,6.1193318,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,msa,2021-05-20,2022-06-25,213.0,47.3813681,95.8289087,79.3294516,5.838266,2022-07-01 15:00:19,20220701,4,110.0 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,nation,2021-05-20,2022-06-25,1.0,76.8679215,79.9628531,78.4509898,0.76656,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,state,2021-05-20,2022-06-25,51.0,61.1275035,95.4994895,79.8366639,4.5101922,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,county,2021-01-13,2021-11-14,630.0,3.8131931,99.5369216,79.2411098,17.2327187,2021-11-19 13:52:09,20211119,1,44.0 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,hrr,2021-01-14,2021-11-14,306.0,2.0951814,98.9134502,77.4185683,18.7860551,2021-11-19 13:53:31,20211119,1,44.0 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,msa,2021-01-13,2021-11-14,340.0,1.4166938,99.5369216,78.5278065,17.8464881,2021-11-19 13:54:31,20211119,1,44.0 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,nation,2021-01-13,2021-11-14,1.0,17.9638906,92.6246564,74.9749207,21.4558546,2021-11-19 13:54:53,20211119,2,44.0 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,state,2021-01-13,2021-11-14,51.0,7.3361742,96.3267615,75.7929487,20.8389331,2021-11-19 13:55:09,20211119,2,44.0 -fb-survey,smoothed_wreceived_news_cdc,day,county,2021-05-20,2022-06-25,352.0,17.6982297,83.8165171,48.8631499,9.4779412,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_cdc,day,hrr,2021-05-20,2022-06-25,289.0,14.7472214,80.5507318,46.2922779,8.9608849,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_cdc,day,msa,2021-05-20,2022-06-25,214.0,15.8576243,82.2980262,48.1183396,8.9809266,2022-07-01 15:00:19,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_cdc,day,nation,2021-05-20,2022-06-25,1.0,32.8582126,60.4220058,45.7738202,6.8089877,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_cdc,day,state,2021-05-20,2022-06-25,51.0,15.9928367,83.8165171,46.2307869,8.7394511,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_experts,day,county,2021-05-20,2022-06-25,352.0,11.1703233,78.9730945,43.7945872,9.0506236,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_experts,day,hrr,2021-05-20,2022-06-25,289.0,9.3577232,76.1572109,41.3296344,8.5723507,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_experts,day,msa,2021-05-20,2022-06-25,214.0,11.1673875,78.9730945,42.9780296,8.6011096,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_experts,day,nation,2021-05-20,2022-06-25,1.0,27.860551,49.5411113,40.6500338,6.0189305,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_experts,day,state,2021-05-20,2022-06-25,51.0,11.1653242,70.235323,40.9062967,7.9979597,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_friends,day,county,2021-05-20,2022-06-25,352.0,5.9319002,57.977632,27.5230318,6.4042328,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_friends,day,hrr,2021-05-20,2022-06-25,289.0,3.8677926,55.193025,26.3188863,6.2139479,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_friends,day,msa,2021-05-20,2022-06-25,214.0,5.9319002,58.3752259,26.8992003,6.2388892,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_friends,day,nation,2021-05-20,2022-06-25,1.0,19.0667245,33.3690075,26.0131712,4.138227,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_friends,day,state,2021-05-20,2022-06-25,51.0,5.0567359,47.8245817,25.7523881,5.3946691,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_govt_health,day,county,2021-05-20,2022-06-25,352.0,11.8352822,77.1002341,40.7308989,8.6602436,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_govt_health,day,hrr,2021-05-20,2022-06-25,289.0,6.4487776,73.3101542,38.5313168,8.2891859,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_govt_health,day,msa,2021-05-20,2022-06-25,214.0,10.7882693,74.5539272,39.8638834,8.3605377,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_govt_health,day,nation,2021-05-20,2022-06-25,1.0,25.5443976,46.9760298,38.0366029,5.9558135,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_govt_health,day,state,2021-05-20,2022-06-25,51.0,14.0299409,77.1002341,38.3705877,8.1019791,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_journalists,day,county,2021-05-20,2022-06-25,352.0,11.8921201,69.7047642,38.8774725,7.0371838,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_journalists,day,hrr,2021-05-20,2022-06-25,289.0,10.9523769,67.9223619,36.6817992,6.6670469,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_journalists,day,msa,2021-05-20,2022-06-25,214.0,13.8407425,69.2789127,37.7808221,6.3860915,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_journalists,day,nation,2021-05-20,2022-06-25,1.0,28.2320293,42.4404932,36.6836078,3.4524327,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_journalists,day,state,2021-05-20,2022-06-25,51.0,11.2675883,69.5996362,36.4473536,5.8332799,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_local_health,day,county,2021-05-20,2022-06-25,352.0,10.9884566,55.8417301,30.4520939,5.5030396,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_local_health,day,hrr,2021-05-20,2022-06-25,289.0,11.0805663,53.7454165,29.8998426,5.4414781,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_local_health,day,msa,2021-05-20,2022-06-25,214.0,11.1334005,55.8417301,30.3957424,5.4876069,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_local_health,day,nation,2021-05-20,2022-06-25,1.0,24.2675771,34.1841309,29.2294132,3.3265939,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_local_health,day,state,2021-05-20,2022-06-25,51.0,11.8629489,50.2784511,29.3536376,4.5798127,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_none,day,county,2021-05-20,2022-06-25,352.0,1.9753753,55.6071062,20.5993203,7.4899409,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_none,day,hrr,2021-05-20,2022-06-25,289.0,3.4408587,58.7502736,22.986963,7.7705772,2022-07-01 15:00:07,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_none,day,msa,2021-05-20,2022-06-25,214.0,3.1016384,57.3985286,21.5977555,7.2342538,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_none,day,nation,2021-05-20,2022-06-25,1.0,15.3425458,34.5811819,23.1038863,5.5911218,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_none,day,state,2021-05-20,2022-06-25,51.0,3.176003,54.6733339,23.6888443,7.5180353,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_politicians,day,county,2021-05-20,2022-06-25,352.0,0.4283319,39.1213459,14.4486354,4.68754,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_politicians,day,hrr,2021-05-20,2022-06-25,289.0,1.0902773,39.5985444,14.2400432,4.5942545,2022-07-01 15:00:08,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_politicians,day,msa,2021-05-20,2022-06-25,214.0,0.8183415,39.2176323,14.4167716,4.6893103,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_politicians,day,nation,2021-05-20,2022-06-25,1.0,7.3567311,19.6198389,13.6339018,3.1792605,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_politicians,day,state,2021-05-20,2022-06-25,51.0,2.4340857,32.1779574,13.8609252,3.8910602,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_religious,day,county,2021-05-20,2022-06-25,352.0,0.1495093,46.6960292,3.6214424,2.2787881,2022-07-01 14:59:53,20220701,1,110.0 -fb-survey,smoothed_wreceived_news_religious,day,hrr,2021-05-20,2022-06-25,289.0,0.1285347,45.6570439,3.5977917,2.164357,2022-07-01 15:00:08,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_religious,day,msa,2021-05-20,2022-06-25,214.0,0.1390004,46.6396929,3.6530628,2.3626174,2022-07-01 15:00:20,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_religious,day,nation,2021-05-20,2022-06-25,1.0,2.1464939,4.6468375,3.301974,0.6292751,2022-07-01 15:00:25,20220701,4,110.0 -fb-survey,smoothed_wreceived_news_religious,day,state,2021-05-20,2022-06-25,51.0,0.1639344,29.4330739,3.4178676,1.7499296,2022-07-01 15:00:32,20220701,4,110.0 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,county,2022-03-23,2022-06-25,37.0,0.0762777,8.4963037,2.0753331,1.2633712,2022-07-01 14:59:54,20220701,4,14.0 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,hrr,2022-03-23,2022-06-25,16.0,0.2096436,9.1312582,2.0724057,1.4747549,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,msa,2022-03-23,2022-06-25,17.0,0.1142924,11.2616143,2.0758455,1.410957,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,nation,2022-03-23,2022-06-25,1.0,1.5351946,2.2057331,1.8608761,0.1569164,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,state,2022-03-23,2022-06-25,33.0,0.0762777,8.4637057,2.0902506,1.3271233,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wrestaurant_1d,day,county,2020-09-08,2021-03-15,831.0,0.3676141,51.3360589,18.4272936,7.1243256,2021-03-20 11:51:32,20210320,0,92.0 -fb-survey,smoothed_wrestaurant_1d,day,hrr,2020-09-08,2021-03-11,306.0,1.7963261,47.792486,19.0718539,6.7528436,2021-03-17 18:58:03,20210317,2,92.0 -fb-survey,smoothed_wrestaurant_1d,day,msa,2020-09-08,2021-03-14,370.0,0.9146587,51.3360589,19.1210426,7.0417623,2021-03-19 11:51:46,20210319,1,92.0 -fb-survey,smoothed_wrestaurant_1d,day,nation,2020-09-08,2021-03-18,1.0,11.6262816,24.3015248,18.4168837,4.2622077,2021-03-23 11:53:44,20210323,2,98.0 -fb-survey,smoothed_wrestaurant_1d,day,state,2020-09-08,2021-03-15,51.0,4.3001112,40.9228708,18.8972272,6.0253929,2021-03-20 11:52:14,20210320,2,92.0 -fb-survey,smoothed_wrestaurant_indoors_1d,day,county,2021-03-02,2022-06-25,670.0,2.2934214,70.3352431,34.3855799,8.476808,2022-07-01 14:59:54,20220701,1,63.0 -fb-survey,smoothed_wrestaurant_indoors_1d,day,hrr,2021-03-02,2022-06-25,306.0,2.0884499,70.140707,35.4909844,7.8969828,2022-07-01 15:00:08,20220701,4,63.0 -fb-survey,smoothed_wrestaurant_indoors_1d,day,msa,2021-03-02,2022-06-25,349.0,2.2934214,68.5840887,35.1046636,8.1037033,2022-07-01 15:00:20,20220701,4,63.0 -fb-survey,smoothed_wrestaurant_indoors_1d,day,nation,2021-03-02,2022-06-25,1.0,18.9970264,42.5261079,35.0052398,5.7553606,2022-07-01 15:00:25,20220701,4,63.0 -fb-survey,smoothed_wrestaurant_indoors_1d,day,state,2021-03-02,2022-06-25,51.0,6.4579548,57.0937739,35.4714159,7.3434655,2022-07-01 15:00:32,20220701,4,63.0 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,county,2022-03-23,2022-06-25,29.0,3.0557482,36.2476824,19.9541369,4.9516172,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,hrr,2022-03-23,2022-06-25,6.0,7.9802626,42.8863361,20.2254142,6.1889431,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,msa,2022-03-23,2022-06-25,12.0,5.9902866,43.8837817,23.0843605,6.5553618,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,nation,2022-03-23,2022-06-25,1.0,17.0467258,22.8115644,18.8326134,1.2312283,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,state,2022-03-23,2022-06-25,27.0,2.9053012,37.0077473,19.178317,4.8006323,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,county,2022-03-23,2022-06-25,29.0,11.1867709,61.8993147,36.7345179,9.2806915,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,hrr,2022-03-23,2022-06-25,6.0,11.0761971,50.1518626,29.281419,9.185019,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,msa,2022-03-23,2022-06-25,12.0,7.9966395,54.8112662,27.514771,8.1921072,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,nation,2022-03-23,2022-06-25,1.0,33.2726652,40.479036,37.8203111,1.4957627,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,state,2022-03-23,2022-06-25,27.0,13.437192,63.7519141,38.3235224,9.1396805,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,county,2022-03-23,2022-06-25,29.0,0.2735616,12.6314113,3.6008307,1.7063198,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,hrr,2022-03-23,2022-06-25,6.0,0.4237288,14.1479965,5.3021103,2.7341949,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,msa,2022-03-23,2022-06-25,12.0,0.4150869,11.8809397,4.0443032,2.1586909,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,nation,2022-03-23,2022-06-25,1.0,2.6523982,4.0135495,3.3805788,0.2923063,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,state,2022-03-23,2022-06-25,27.0,0.3267974,12.1086957,3.5080006,1.6328115,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,county,2022-03-23,2022-06-25,29.0,2.7109537,50.2444827,14.9025578,6.7261158,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,hrr,2022-03-23,2022-06-25,6.0,7.9062073,49.6911843,23.0971014,9.4944759,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,msa,2022-03-23,2022-06-25,12.0,6.9498013,46.5284656,22.0942652,8.5900262,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,nation,2022-03-23,2022-06-25,1.0,14.0967887,21.0978669,15.967478,1.2743591,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,state,2022-03-23,2022-06-25,27.0,2.5580279,37.4672423,14.1538584,5.4456556,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,county,2022-03-23,2022-06-25,29.0,1.228782,38.2939901,13.1621427,5.8027046,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,hrr,2022-03-23,2022-06-25,6.0,5.1511558,38.1739966,19.0566856,7.2089264,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,msa,2022-03-23,2022-06-25,12.0,4.4223221,39.6244108,19.3188187,7.4262661,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,nation,2022-03-23,2022-06-25,1.0,11.4276249,19.8289807,14.0256832,1.5397895,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,state,2022-03-23,2022-06-25,27.0,1.3843993,32.1496148,12.6574352,5.0061394,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,county,2022-03-23,2022-06-25,29.0,10.4578801,39.1301004,21.0105746,4.5784687,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,hrr,2022-03-23,2022-06-25,6.0,11.2655108,39.2283632,24.4545959,6.0673884,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,msa,2022-03-23,2022-06-25,12.0,12.4687243,42.9938223,24.419085,5.5618539,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,nation,2022-03-23,2022-06-25,1.0,18.3950047,23.6094333,20.5440867,1.1779469,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,state,2022-03-23,2022-06-25,27.0,9.5155687,35.3097486,20.3540025,4.3407556,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_separators,day,county,2022-03-23,2022-06-25,29.0,0.3496503,18.7391316,6.5175328,2.9681061,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_separators,day,hrr,2022-03-23,2022-06-25,6.0,0.3968254,18.4611355,8.6334126,3.6225415,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_separators,day,msa,2022-03-23,2022-06-25,12.0,0.4672897,18.7159686,7.731947,3.4332047,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_separators,day,nation,2022-03-23,2022-06-25,1.0,5.8476423,8.5740363,6.9687148,0.6117469,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_separators,day,state,2022-03-23,2022-06-25,27.0,0.3496503,17.3998852,6.4339628,2.8856922,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,county,2022-03-23,2022-06-25,29.0,3.2512155,37.2665279,14.1005203,4.8357845,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,hrr,2022-03-23,2022-06-25,6.0,6.5572472,37.1386858,19.0536982,7.6494873,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,msa,2022-03-23,2022-06-25,12.0,4.8470003,33.3515741,17.8680872,5.5600066,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,nation,2022-03-23,2022-06-25,1.0,12.8092676,16.1207283,14.073123,0.581377,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,state,2022-03-23,2022-06-25,27.0,2.7491579,26.1327559,13.3922934,3.9544068,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,county,2022-03-23,2022-06-25,29.0,2.4780953,47.0116745,14.8058885,8.0032941,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,hrr,2022-03-23,2022-06-25,6.0,6.1613255,46.8444885,24.4020283,11.4283726,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,msa,2022-03-23,2022-06-25,12.0,3.0939421,45.0511922,22.6819785,8.9627043,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,nation,2022-03-23,2022-06-25,1.0,14.0882184,16.3623251,15.0465363,0.5996496,2022-07-01 15:00:25,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,state,2022-03-23,2022-06-25,27.0,2.3547242,37.4345037,13.7771869,6.6984916,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,county,2022-03-23,2022-06-25,29.0,0.3521134,47.0511973,12.0702587,9.866215,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,hrr,2022-03-23,2022-06-25,6.0,2.428791,46.9907192,23.8838873,14.6436112,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,msa,2022-03-23,2022-06-25,12.0,2.5404529,52.0782552,21.3889238,11.1998854,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,nation,2022-03-23,2022-06-25,1.0,11.0994666,13.1081802,12.0185986,0.4101426,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,state,2022-03-23,2022-06-25,27.0,0.3521134,45.0926879,10.7563046,8.3334736,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,county,2022-03-23,2022-06-25,29.0,4.529086,50.540819,20.9694996,9.4620048,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,hrr,2022-03-23,2022-06-25,6.0,6.2176082,54.1104369,26.1798343,11.3419667,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,msa,2022-03-23,2022-06-25,12.0,5.6521795,52.660388,30.013978,10.1944298,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,nation,2022-03-23,2022-06-25,1.0,18.9235679,21.0356194,19.9508936,0.5050056,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,state,2022-03-23,2022-06-25,27.0,5.2647188,50.4315379,20.0380724,9.0519071,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,county,2022-03-23,2022-06-25,29.0,0.390625,31.9492096,7.8092787,4.9283717,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,hrr,2022-03-23,2022-06-25,6.0,2.4477441,31.8611345,14.0068442,7.6232104,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,msa,2022-03-23,2022-06-25,12.0,0.436951,35.299099,13.7987543,6.580221,2022-07-01 15:00:20,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,nation,2022-03-23,2022-06-25,1.0,7.0598013,8.8774326,8.1040837,0.4049425,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,state,2022-03-23,2022-06-25,27.0,0.390625,23.8955847,7.2306946,3.9042488,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,county,2022-03-23,2022-06-25,29.0,4.6931308,37.6143806,19.1798116,6.0969677,2022-07-01 14:59:54,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,hrr,2022-03-23,2022-06-25,6.0,4.58531,44.0332088,22.2788326,8.4592721,2022-07-01 15:00:08,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,msa,2022-03-23,2022-06-25,12.0,4.8489897,46.5430952,24.9350794,7.8934083,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,nation,2022-03-23,2022-06-25,1.0,16.8396074,19.2260221,17.8687456,0.5616362,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,state,2022-03-23,2022-06-25,27.0,4.3250788,38.2284319,18.3520717,5.9829859,2022-07-01 15:00:32,20220701,5,14.0 -fb-survey,smoothed_wscreening_tested_positive_14d,day,county,2021-03-19,2022-02-16,61.0,0.117647,28.2753529,2.9988843,2.6672,2022-02-21 13:52:12,20220221,1,63.0 -fb-survey,smoothed_wscreening_tested_positive_14d,day,hrr,2021-03-19,2022-02-03,59.0,0.1557632,22.5495241,3.0735439,2.7099545,2022-02-08 15:21:17,20220208,4,63.0 -fb-survey,smoothed_wscreening_tested_positive_14d,day,msa,2021-03-19,2022-02-12,36.0,0.1706702,21.7683199,2.764366,2.4859197,2022-02-17 15:54:36,20220217,4,63.0 -fb-survey,smoothed_wscreening_tested_positive_14d,day,nation,2021-03-19,2022-02-18,1.0,1.0612093,8.6280918,2.5831262,1.8521182,2022-02-23 13:53:54,20220223,4,63.0 -fb-survey,smoothed_wscreening_tested_positive_14d,day,state,2021-03-19,2022-02-16,41.0,0.117647,31.1396883,3.0390157,2.7965707,2022-02-21 13:54:28,20220221,4,63.0 -fb-survey,smoothed_wshop_1d,day,county,2020-09-08,2021-03-15,831.0,32.3631709,83.593709,56.6732884,6.0503961,2021-03-20 11:51:32,20210320,0,92.0 -fb-survey,smoothed_wshop_1d,day,hrr,2020-09-08,2021-03-11,306.0,37.7745162,83.9520084,57.2549396,5.3051061,2021-03-17 18:58:03,20210317,2,92.0 -fb-survey,smoothed_wshop_1d,day,msa,2020-09-08,2021-03-14,370.0,32.3664033,83.593709,57.2372895,5.8496833,2021-03-19 11:51:46,20210319,1,92.0 -fb-survey,smoothed_wshop_1d,day,nation,2020-09-08,2021-03-18,1.0,49.5642982,62.3377783,57.0468354,3.6938224,2021-03-23 11:53:44,20210323,2,98.0 -fb-survey,smoothed_wshop_1d,day,state,2020-09-08,2021-03-15,51.0,40.2458578,71.7285319,57.0378721,4.4592075,2021-03-20 11:52:14,20210320,2,92.0 -fb-survey,smoothed_wshop_indoors_1d,day,county,2021-03-02,2022-06-25,670.0,34.9047575,89.0853989,64.2569501,6.4550715,2022-07-01 14:59:54,20220701,1,63.0 -fb-survey,smoothed_wshop_indoors_1d,day,hrr,2021-03-02,2022-06-25,306.0,36.2791895,88.1728883,64.973174,5.7661429,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wshop_indoors_1d,day,msa,2021-03-02,2022-06-25,349.0,36.2735397,87.2787906,64.7073857,6.074117,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wshop_indoors_1d,day,nation,2021-03-02,2022-06-25,1.0,53.6683064,69.4763318,64.3928201,3.9279933,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wshop_indoors_1d,day,state,2021-03-02,2022-06-25,51.0,37.9814935,79.8528081,65.1526125,4.8227782,2022-07-01 15:00:32,20220701,4,63.0 -fb-survey,smoothed_wspent_time_1d,day,county,2020-09-08,2021-03-15,831.0,11.4219734,66.8810674,36.8481763,7.6077021,2021-03-20 11:51:33,20210320,0,92.0 -fb-survey,smoothed_wspent_time_1d,day,hrr,2020-09-08,2021-03-11,306.0,15.2777906,73.708705,37.8060501,7.3123019,2021-03-17 18:58:04,20210317,2,92.0 -fb-survey,smoothed_wspent_time_1d,day,msa,2020-09-08,2021-03-14,370.0,12.8494288,74.9962,37.7491217,7.3672668,2021-03-19 11:51:47,20210319,1,92.0 -fb-survey,smoothed_wspent_time_1d,day,nation,2020-09-08,2021-03-18,1.0,28.078896,45.9083997,36.6718824,5.1925318,2021-03-23 11:53:44,20210323,2,98.0 -fb-survey,smoothed_wspent_time_1d,day,state,2020-09-08,2021-03-15,51.0,20.5182852,65.4399817,37.6938355,6.6487286,2021-03-20 11:52:14,20210320,2,92.0 -fb-survey,smoothed_wspent_time_indoors_1d,day,county,2021-03-02,2022-06-25,670.0,12.1115306,74.6898276,44.8739983,7.5260073,2022-07-01 14:59:54,20220701,1,63.0 -fb-survey,smoothed_wspent_time_indoors_1d,day,hrr,2021-03-02,2022-06-25,306.0,14.7624462,77.201618,46.0249884,7.1290718,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wspent_time_indoors_1d,day,msa,2021-03-02,2022-06-25,349.0,12.1115306,73.6403445,45.6331196,7.1447526,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wspent_time_indoors_1d,day,nation,2021-03-02,2022-06-25,1.0,33.7822735,52.2408293,44.8759535,4.3265467,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wspent_time_indoors_1d,day,state,2021-03-02,2022-06-25,51.0,20.7577586,66.1495664,46.6903866,6.230148,2022-07-01 15:00:32,20220701,4,63.0 -fb-survey,smoothed_wtested_14d,day,county,2020-09-08,2022-06-25,802.0,0.3763116,63.3583378,13.9328752,7.4547174,2022-07-01 14:59:54,20220701,0,92.0 -fb-survey,smoothed_wtested_14d,day,hrr,2020-09-08,2022-06-25,306.0,0.3759398,56.8514457,13.8810175,7.0420457,2022-07-01 15:00:09,20220701,4,92.0 -fb-survey,smoothed_wtested_14d,day,msa,2020-09-08,2022-06-25,366.0,0.4910279,55.3470515,13.5870645,7.0246739,2022-07-01 15:00:21,20220701,4,92.0 -fb-survey,smoothed_wtested_14d,day,nation,2020-09-08,2022-06-25,1.0,7.4292251,32.4234431,14.4200121,5.6985117,2022-07-01 15:00:26,20220701,4,98.0 -fb-survey,smoothed_wtested_14d,day,state,2020-09-08,2022-06-25,51.0,2.4975969,56.8603215,14.2921669,6.9783886,2022-07-01 15:00:32,20220701,4,92.0 -fb-survey,smoothed_wtested_positive_14d,day,county,2020-09-08,2022-06-25,225.0,0.3448276,59.5986145,16.778296,9.799182,2022-07-01 14:59:54,20220701,1,92.0 -fb-survey,smoothed_wtested_positive_14d,day,hrr,2020-09-09,2022-06-25,225.0,0.3289474,65.2596539,17.8414576,10.4887299,2022-07-01 15:00:09,20220701,2,90.0 -fb-survey,smoothed_wtested_positive_14d,day,msa,2020-09-08,2022-06-25,138.0,0.3747481,62.8399023,17.2123455,10.3243834,2022-07-01 15:00:21,20220701,2,91.0 -fb-survey,smoothed_wtested_positive_14d,day,nation,2020-09-08,2022-06-25,1.0,4.866296,33.6232041,14.4398464,6.7510709,2022-07-01 15:00:26,20220701,4,98.0 -fb-survey,smoothed_wtested_positive_14d,day,state,2020-09-08,2022-06-25,51.0,0.3448276,56.2407392,16.170171,9.1744281,2022-07-01 15:00:32,20220701,4,92.0 -fb-survey,smoothed_wtravel_outside_state_5d,day,county,2020-04-06,2021-03-15,1422.0,0.1025095,64.2806489,10.0257477,7.3957277,2021-03-20 11:51:33,20210320,0,247.0 -fb-survey,smoothed_wtravel_outside_state_5d,day,hrr,2020-04-06,2021-03-11,306.0,0.0947719,60.4068071,9.6768065,6.2837987,2021-03-17 18:58:04,20210317,1,247.0 -fb-survey,smoothed_wtravel_outside_state_5d,day,msa,2020-04-06,2021-03-14,381.0,0.1025095,59.3672059,9.4746487,6.8946317,2021-03-19 11:51:47,20210319,1,247.0 -fb-survey,smoothed_wtravel_outside_state_5d,day,nation,2020-04-06,2021-03-18,1.0,3.3773044,12.1462511,8.7849591,2.2060552,2021-03-23 11:53:45,20210323,5,253.0 -fb-survey,smoothed_wtravel_outside_state_5d,day,state,2020-04-06,2021-03-15,52.0,0.5082227,34.831101,11.1475629,5.6036074,2021-03-20 11:52:14,20210320,5,247.0 -fb-survey,smoothed_wtravel_outside_state_7d,day,county,2021-03-02,2022-02-18,660.0,0.290026,62.5827664,14.6023051,7.7177183,2022-02-23 13:52:11,20220223,1,63.0 -fb-survey,smoothed_wtravel_outside_state_7d,day,hrr,2021-03-02,2022-02-17,306.0,0.3267974,54.4929375,14.6547479,7.3109698,2022-02-22 13:54:19,20220222,4,63.0 -fb-survey,smoothed_wtravel_outside_state_7d,day,msa,2021-03-02,2022-02-18,347.0,0.290026,58.571549,13.9827795,7.4833647,2022-02-23 13:53:42,20220223,4,63.0 -fb-survey,smoothed_wtravel_outside_state_7d,day,nation,2021-03-02,2022-02-20,1.0,9.1274506,17.4480578,13.661823,2.0919633,2022-02-25 13:53:28,20220225,4,63.0 -fb-survey,smoothed_wtravel_outside_state_7d,day,state,2021-03-02,2022-02-18,51.0,2.2033812,44.9972394,16.9371366,6.749975,2022-02-23 13:54:11,20220223,4,63.0 -fb-survey,smoothed_wtrust_covid_info_cdc,day,county,2021-05-20,2022-06-25,350.0,22.6495979,85.4382659,55.5010384,8.2242305,2022-07-01 14:59:54,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_cdc,day,hrr,2021-05-20,2022-06-25,288.0,20.6855613,82.9676586,52.5705567,7.9609733,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_cdc,day,msa,2021-05-20,2022-06-25,214.0,24.2655111,81.1954238,54.3750319,7.5021275,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_cdc,day,nation,2021-05-20,2022-06-25,1.0,47.3425245,57.6821686,52.948235,3.4004495,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_cdc,day,state,2021-05-20,2022-06-25,51.0,27.744328,85.4382659,52.4494803,6.7902807,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_doctors,day,county,2021-05-20,2022-06-25,349.0,36.8559842,90.8331209,67.6003166,6.8932108,2022-07-01 14:59:54,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_doctors,day,hrr,2021-05-20,2022-06-25,288.0,36.2539364,89.5014574,65.1365806,6.6182919,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_doctors,day,msa,2021-05-20,2022-06-25,213.0,37.6877346,89.9602271,66.8492483,6.222334,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_doctors,day,nation,2021-05-20,2022-06-25,1.0,62.2506491,68.8010739,65.42416,1.6821282,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_doctors,day,state,2021-05-20,2022-06-25,51.0,37.9991137,87.6406193,65.1384811,5.1848908,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_experts,day,county,2021-05-20,2022-06-25,348.0,30.9067951,91.508129,61.7021582,8.8957006,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_experts,day,hrr,2021-05-20,2022-06-25,287.0,23.9494261,86.6846909,58.1129887,8.742203,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_experts,day,msa,2021-05-20,2022-06-25,212.0,27.9714933,91.508129,60.3315044,8.0117511,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_experts,day,nation,2021-05-20,2022-06-25,1.0,55.187706,62.9952121,58.7259869,2.2616361,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_experts,day,state,2021-05-20,2022-06-25,51.0,32.4180554,87.9142544,58.0295043,7.3783931,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_friends,day,county,2021-05-20,2022-06-25,345.0,4.9057594,43.4105187,18.0295893,3.8402219,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_friends,day,hrr,2021-05-20,2022-06-25,287.0,4.6162291,44.3604732,18.2844786,3.7423117,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_friends,day,msa,2021-05-20,2022-06-25,211.0,4.6372256,42.2619661,17.8326197,3.6915923,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_friends,day,nation,2021-05-20,2022-06-25,1.0,16.6245613,19.6764956,18.2025438,0.6308334,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_friends,day,state,2021-05-20,2022-06-25,51.0,6.0138198,35.7792439,18.1203862,2.3954019,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,county,2021-05-20,2022-06-25,348.0,8.6647269,68.3620411,33.6942824,7.3276318,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,hrr,2021-05-20,2022-06-25,288.0,8.9231854,61.333348,31.2956907,6.9490175,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,msa,2021-05-20,2022-06-25,213.0,11.0023076,59.2091526,32.4187831,6.5352786,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,nation,2021-05-20,2022-06-25,1.0,28.3081996,35.4196602,31.6259908,1.9119801,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,state,2021-05-20,2022-06-25,51.0,11.7605196,68.3620411,31.0462511,5.7161089,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_journalists,day,county,2021-05-20,2022-06-25,345.0,0.6957297,33.9004175,9.721735,3.87921,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_journalists,day,hrr,2021-05-20,2022-06-25,287.0,0.3424658,29.6115975,8.7672862,3.493312,2022-07-01 15:00:09,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_journalists,day,msa,2021-05-20,2022-06-25,212.0,0.406509,36.5541155,9.0514644,3.2005543,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_journalists,day,nation,2021-05-20,2022-06-25,1.0,7.7205923,11.5555948,9.0302323,0.8442416,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_journalists,day,state,2021-05-20,2022-06-25,51.0,0.9296127,28.9925589,8.4776046,2.6005524,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_politicians,day,county,2021-05-20,2022-06-25,345.0,0.1285179,25.133828,3.4229071,2.1220533,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_politicians,day,hrr,2021-05-20,2022-06-25,288.0,0.1213592,22.941208,3.1654847,1.9189255,2022-07-01 15:00:10,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_politicians,day,msa,2021-05-20,2022-06-25,211.0,0.1471368,23.2360265,3.1751285,1.7801704,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_politicians,day,nation,2021-05-20,2022-06-25,1.0,2.6281955,3.8097965,3.1340104,0.2087369,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_politicians,day,state,2021-05-20,2022-06-25,51.0,0.1285179,9.812652,2.7736422,1.1163698,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_religious,day,county,2021-05-20,2022-06-25,343.0,0.4634844,51.146941,9.318464,3.6718639,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtrust_covid_info_religious,day,hrr,2021-05-20,2022-06-25,286.0,0.4854369,48.6295919,9.6086689,3.5613675,2022-07-01 15:00:10,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_religious,day,msa,2021-05-20,2022-06-25,210.0,0.6917332,51.146941,9.4456445,3.720163,2022-07-01 15:00:21,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_religious,day,nation,2021-05-20,2022-06-25,1.0,8.7001281,10.4743297,9.413867,0.2989216,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtrust_covid_info_religious,day,state,2021-05-20,2022-06-25,51.0,0.9474511,29.524042,9.4118683,2.9326646,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wtry_vaccinate_1m,day,county,2021-06-04,2022-06-25,43.0,0.3649457,27.517894,7.3383687,3.2996912,2022-07-01 14:59:55,20220701,1,63.0 -fb-survey,smoothed_wtry_vaccinate_1m,day,hrr,2021-06-06,2022-02-24,36.0,1.0980222,28.695644,9.941667,4.0224087,2022-03-01 15:36:36,20220301,4,63.0 -fb-survey,smoothed_wtry_vaccinate_1m,day,msa,2021-06-04,2022-05-24,20.0,1.3943083,29.8587031,10.4297743,3.9962442,2022-05-29 12:54:03,20220529,4,63.0 -fb-survey,smoothed_wtry_vaccinate_1m,day,nation,2021-06-04,2022-06-25,1.0,2.4922653,11.0669965,6.5239976,2.5614274,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wtry_vaccinate_1m,day,state,2021-06-04,2022-06-25,39.0,0.3649457,27.8956431,7.2276934,3.4294288,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccinate_child_oldest,day,county,2021-12-19,2022-06-25,82.0,37.6257246,95.1287381,67.246269,9.7320306,2022-07-01 14:59:55,20220701,2,14.0 -fb-survey,smoothed_wvaccinate_child_oldest,day,hrr,2021-12-21,2022-06-25,112.0,37.5216189,96.9068412,70.5590915,9.9435586,2022-07-01 15:00:10,20220701,4,14.0 -fb-survey,smoothed_wvaccinate_child_oldest,day,msa,2021-12-20,2022-06-25,67.0,43.2492541,96.2256746,73.5593107,8.5925447,2022-07-01 15:00:21,20220701,4,14.0 -fb-survey,smoothed_wvaccinate_child_oldest,day,nation,2021-12-19,2022-06-25,1.0,62.5229926,71.6485286,65.9552078,2.6092141,2022-07-01 15:00:26,20220701,4,14.0 -fb-survey,smoothed_wvaccinate_child_oldest,day,state,2021-12-19,2022-06-25,44.0,38.3963014,87.3220823,64.287366,9.3009684,2022-07-01 15:00:33,20220701,4,14.0 -fb-survey,smoothed_wvaccinate_children,day,county,2021-06-04,2021-12-24,170.0,35.0426347,98.4057634,72.6015575,10.1298274,2022-02-02 20:52:19,20220202,1,63.0 -fb-survey,smoothed_wvaccinate_children,day,hrr,2021-06-04,2021-12-23,207.0,34.2052529,98.3285548,70.1119193,10.7300619,2022-02-02 20:53:29,20220202,4,63.0 -fb-survey,smoothed_wvaccinate_children,day,msa,2021-06-04,2021-12-24,121.0,39.7892496,95.4593873,73.3538732,8.6301775,2022-02-02 20:54:23,20220202,4,63.0 -fb-survey,smoothed_wvaccinate_children,day,nation,2021-06-04,2021-12-25,1.0,60.5121525,73.6457036,69.6122622,2.7523783,2022-02-02 20:54:44,20220202,4,63.0 -fb-survey,smoothed_wvaccinate_children,day,state,2021-06-04,2021-12-24,50.0,33.5273513,91.3586063,66.9824793,8.4881129,2022-02-02 20:55:05,20220202,4,63.0 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,county,2022-03-04,2022-06-25,353.0,46.133045,96.835666,75.359958,7.585892,2022-07-01 14:59:55,20220701,2,14.0 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,hrr,2022-03-04,2022-06-25,272.0,43.6384856,96.5360784,73.405462,7.623695,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,msa,2022-03-04,2022-06-25,207.0,44.891811,95.9264046,73.813278,7.5274635,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,nation,2022-03-04,2022-06-25,1.0,71.2777479,74.6998229,73.6999915,0.8236061,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,state,2022-03-04,2022-06-25,51.0,51.5140127,94.8246402,73.6568817,6.7960911,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_accept,day,county,2022-03-04,2022-06-25,62.0,29.2747741,79.7939582,50.1548802,6.6397371,2022-07-01 14:59:55,20220701,3,14.0 -fb-survey,smoothed_wvaccinated_booster_accept,day,hrr,2022-03-04,2022-06-25,90.0,25.049317,76.9790073,50.6172602,7.492241,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_accept,day,msa,2022-03-04,2022-06-25,49.0,31.1139235,73.6478834,51.6267811,6.9772261,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_accept,day,nation,2022-03-04,2022-06-25,1.0,45.9806262,56.9886779,50.2928295,2.8114233,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_accept,day,state,2022-03-04,2022-06-25,42.0,30.3827164,72.126006,49.128634,5.4941582,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defno,day,county,2022-03-04,2022-06-25,62.0,3.2865244,36.8006659,20.418173,4.2194252,2022-07-01 14:59:55,20220701,3,14.0 -fb-survey,smoothed_wvaccinated_booster_defno,day,hrr,2022-03-04,2022-06-25,90.0,6.2206474,45.7196734,19.8356633,5.2606611,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defno,day,msa,2022-03-04,2022-06-25,49.0,6.0459919,37.7119037,19.0477152,4.7363173,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defno,day,nation,2022-03-04,2022-06-25,1.0,17.4030734,22.4568511,20.2766155,1.1939182,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defno,day,state,2022-03-04,2022-06-25,42.0,8.6868137,35.9098266,20.9479709,3.6474657,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defyes,day,county,2022-03-04,2022-06-25,62.0,8.8186225,49.853294,24.7455808,5.407431,2022-07-01 14:59:55,20220701,3,14.0 -fb-survey,smoothed_wvaccinated_booster_defyes,day,hrr,2022-03-04,2022-06-25,90.0,8.0850205,51.3225204,24.7935443,6.3893824,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defyes,day,msa,2022-03-04,2022-06-25,49.0,8.3866882,46.7955311,25.4305273,6.1391777,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defyes,day,nation,2022-03-04,2022-06-25,1.0,21.2551081,31.2160819,24.7052226,2.6905232,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_defyes,day,state,2022-03-04,2022-06-25,42.0,10.8113603,44.4751591,23.7726845,4.5627642,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,county,2022-03-04,2022-06-25,62.0,20.2060418,70.7252259,49.8451198,6.6397371,2022-07-01 14:59:55,20220701,3,14.0 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,hrr,2022-03-04,2022-06-25,90.0,23.0209927,74.950683,49.3827398,7.492241,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,msa,2022-03-04,2022-06-25,49.0,26.3521166,68.8860765,48.3732189,6.9772261,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,nation,2022-03-04,2022-06-25,1.0,43.0113221,54.0193738,49.7071705,2.8114233,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,state,2022-03-04,2022-06-25,42.0,27.873994,69.6172836,50.871366,5.4941582,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probno,day,county,2022-03-04,2022-06-25,62.0,9.8665988,46.595266,29.4269467,4.6042106,2022-07-01 14:59:55,20220701,3,14.0 -fb-survey,smoothed_wvaccinated_booster_probno,day,hrr,2022-03-04,2022-06-25,90.0,11.628747,56.1431652,29.5470765,5.9081981,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probno,day,msa,2022-03-04,2022-06-25,49.0,11.2907557,53.2928713,29.3255037,5.4640157,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probno,day,nation,2022-03-04,2022-06-25,1.0,25.5488055,32.2167816,29.4305551,1.7496284,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probno,day,state,2022-03-04,2022-06-25,42.0,13.9552477,47.8379066,29.9233952,4.2468371,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probyes,day,county,2022-03-04,2022-06-25,62.0,11.4367827,42.6003795,25.4092995,3.9221453,2022-07-01 14:59:55,20220701,3,14.0 -fb-survey,smoothed_wvaccinated_booster_probyes,day,hrr,2022-03-04,2022-06-25,90.0,6.9382613,46.5065602,25.8237158,5.1884215,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probyes,day,msa,2022-03-04,2022-06-25,49.0,12.0615833,47.2634639,26.1962538,4.8434358,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probyes,day,nation,2022-03-04,2022-06-25,1.0,24.4751691,26.5156026,25.5876069,0.4498236,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_booster_probyes,day,state,2022-03-04,2022-06-25,42.0,11.532786,43.9133009,25.3559495,3.6500812,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_no_booster,day,county,2022-03-04,2022-06-25,353.0,3.0120474,53.6224405,24.0267817,7.5202091,2022-07-01 14:59:55,20220701,2,14.0 -fb-survey,smoothed_wvaccinated_no_booster,day,hrr,2022-03-04,2022-06-25,272.0,2.7297017,56.1234192,25.9755761,7.5217103,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_no_booster,day,msa,2022-03-04,2022-06-25,207.0,3.6818883,53.1638971,25.5700454,7.4396881,2022-07-01 15:00:21,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_no_booster,day,nation,2022-03-04,2022-06-25,1.0,24.811472,28.1608077,25.7613341,0.8321316,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_no_booster,day,state,2022-03-04,2022-06-25,51.0,5.035695,48.1681191,25.8220567,6.7232808,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_one_booster,day,county,2022-03-04,2022-06-25,353.0,31.381418,92.8119093,62.4012237,9.2879995,2022-07-01 14:59:55,20220701,2,14.0 -fb-survey,smoothed_wvaccinated_one_booster,day,hrr,2022-03-04,2022-06-25,272.0,33.0340812,93.3311848,60.7965684,9.144306,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_one_booster,day,msa,2022-03-04,2022-06-25,207.0,28.3789418,93.3929656,61.2316967,9.2055451,2022-07-01 15:00:22,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_one_booster,day,nation,2022-03-04,2022-06-25,1.0,53.1616307,70.0563215,61.5406393,6.0402684,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_one_booster,day,state,2022-03-04,2022-06-25,51.0,39.959379,88.6524077,61.3624476,8.2807859,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,county,2022-03-04,2022-06-25,353.0,0.1142348,43.5541358,12.9587343,8.0412406,2022-07-01 14:59:56,20220701,2,14.0 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,hrr,2022-03-04,2022-06-25,272.0,0.1136364,43.7144432,12.6088936,7.9672583,2022-07-01 15:00:10,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,msa,2022-03-04,2022-06-25,207.0,0.1095436,43.0383685,12.5815814,7.8687626,2022-07-01 15:00:22,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,nation,2022-03-04,2022-06-25,1.0,2.5678236,21.1256296,12.1593521,6.7502001,2022-07-01 15:00:26,20220701,5,14.0 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,state,2022-03-04,2022-06-25,51.0,0.2568801,32.2306269,12.2944342,7.4334297,2022-07-01 15:00:33,20220701,5,14.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,county,2021-12-19,2022-02-18,506.0,0.1396784,20.1792529,3.2208297,1.9897014,2022-02-23 13:52:14,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,hrr,2021-12-19,2022-02-17,304.0,0.1077586,19.7726197,2.7732248,1.6623896,2022-02-22 13:54:22,20220222,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,msa,2021-12-19,2022-02-18,284.0,0.1276449,20.1792529,2.8517195,1.7484735,2022-02-23 13:53:45,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,nation,2021-12-19,2022-02-19,1.0,2.8171479,5.7755266,3.0857526,0.3527399,2022-02-24 13:53:47,20220224,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,state,2021-12-19,2022-02-18,51.0,0.1396784,14.0049506,2.839473,1.329525,2022-02-23 13:54:12,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,county,2021-12-19,2022-02-18,501.0,0.1368611,20.8164467,3.1209518,1.9730592,2022-02-23 13:52:14,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,hrr,2021-12-19,2022-02-17,304.0,0.1094092,19.8981142,2.6727632,1.6457543,2022-02-22 13:54:22,20220222,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,msa,2021-12-19,2022-02-18,282.0,0.1292935,20.8164467,2.7487646,1.7233356,2022-02-23 13:53:45,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,nation,2021-12-19,2022-02-19,1.0,2.6927536,5.7570677,2.9773038,0.3662107,2022-02-24 13:53:47,20220224,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,state,2021-12-19,2022-02-18,51.0,0.1420593,13.3877001,2.7151875,1.3102868,2022-02-23 13:54:12,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,county,2021-12-24,2022-06-25,8.0,1.4449069,20.606332,8.78652,3.1686828,2022-07-01 14:59:56,20220701,4,11.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,nation,2021-12-19,2022-06-25,1.0,4.9941541,13.2906121,9.1452968,1.5517786,2022-07-01 15:00:26,20220701,4,14.0 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,state,2021-12-24,2022-06-25,8.0,1.6741467,29.632304,9.12969,3.8835692,2022-07-01 15:00:33,20220701,4,11.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,county,2021-06-04,2022-02-18,552.0,0.0629662,32.3603468,2.4659103,1.7102453,2022-02-23 13:52:14,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,hrr,2021-06-04,2022-02-17,305.0,0.0538213,25.7268723,2.2578277,1.483084,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,msa,2021-06-04,2022-02-18,313.0,0.0909755,32.3603468,2.3221899,1.5851299,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,nation,2021-06-04,2022-02-19,1.0,1.7255233,3.8938781,2.3404011,0.7122971,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,state,2021-06-04,2022-02-18,51.0,0.1303795,14.7215464,2.2522092,1.1518998,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,county,2021-07-30,2022-02-18,543.0,0.063461,32.3883137,2.3619416,1.7391972,2022-02-23 13:52:14,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0542888,25.9389366,2.1277943,1.5165581,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,msa,2021-07-30,2022-02-18,309.0,0.0865529,32.3883137,2.2009056,1.6100801,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,nation,2021-07-30,2022-02-19,1.0,1.4923208,3.7645724,2.2477716,0.7978303,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,state,2021-07-30,2022-02-18,51.0,0.1216544,15.0111974,2.1501842,1.232602,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,county,2021-08-03,2022-06-25,12.0,2.0712595,24.3542163,13.1386287,3.951907,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,msa,2021-08-08,2021-09-19,1.0,8.2144079,16.0048402,11.69826,1.9002614,2021-09-24 16:04:09,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,nation,2021-07-30,2022-06-25,1.0,7.0689796,17.8766616,13.4631415,2.0410688,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,state,2021-08-03,2022-06-25,12.0,1.9790366,30.2193085,14.5314706,4.8962466,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare,day,county,2021-06-04,2022-02-18,552.0,0.0465116,16.9323439,0.8958716,0.7672054,2022-02-23 13:52:14,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare,day,hrr,2021-06-04,2022-02-17,305.0,0.0316456,14.4194686,0.8440471,0.7132917,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare,day,msa,2021-06-04,2022-02-18,313.0,0.0236636,13.7535555,0.8882412,0.7634993,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare,day,nation,2021-06-04,2022-02-19,1.0,0.5569101,1.1986484,0.681571,0.076277,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare,day,state,2021-06-04,2022-02-18,51.0,0.0457952,6.0295964,0.7440923,0.4194647,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,county,2021-07-30,2022-02-18,543.0,0.04455,14.5753526,0.8392822,0.726589,2022-02-23 13:52:14,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0320307,14.5170739,0.7777809,0.6713019,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,msa,2021-07-30,2022-02-18,309.0,0.0240045,13.9840064,0.8271551,0.7184784,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,nation,2021-07-30,2022-02-19,1.0,0.4827674,1.1949633,0.6212798,0.091243,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,state,2021-07-30,2022-02-18,51.0,0.0362533,6.0753603,0.6838535,0.4166271,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,county,2021-08-03,2022-06-25,12.0,0.3205128,11.4703324,4.3712154,2.074303,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,msa,2021-08-08,2021-09-19,1.0,0.9789895,7.5745508,3.9710005,1.540267,2021-09-24 16:04:10,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,nation,2021-07-30,2022-06-25,1.0,2.2513431,7.3157003,4.4170842,0.8420327,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,state,2021-08-03,2022-06-25,12.0,0.3205128,12.7821809,4.5165148,2.2910833,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_document,day,county,2021-06-04,2022-02-18,552.0,0.0178514,19.7485214,0.552355,0.6206412,2022-02-23 13:52:14,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_document,day,hrr,2021-06-04,2022-02-17,305.0,0.0183352,25.8187009,0.508366,0.6297092,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_document,day,msa,2021-06-04,2022-02-18,313.0,0.0180863,16.4950985,0.5321216,0.5950901,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_document,day,nation,2021-06-04,2022-02-19,1.0,0.208607,0.627881,0.3342486,0.0579294,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_document,day,state,2021-06-04,2022-02-18,51.0,0.0147893,6.5213812,0.3833704,0.3193122,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_document_has,day,county,2021-07-30,2022-02-18,543.0,0.0181605,19.8383486,0.5020033,0.570843,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_document_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0186916,25.9753461,0.4484964,0.5708816,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_document_has,day,msa,2021-07-30,2022-02-18,309.0,0.0183419,17.0910092,0.4819804,0.5479063,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_document_has,day,nation,2021-07-30,2022-02-19,1.0,0.1559025,0.5295183,0.2764832,0.0603942,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_document_has,day,state,2021-07-30,2022-02-18,51.0,0.013113,6.6762876,0.3273424,0.2881539,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,county,2021-08-03,2022-06-25,12.0,0.4237285,11.85878,3.9414083,1.9582121,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,msa,2021-08-08,2021-09-19,1.0,2.7847433,10.4011447,5.6250518,2.2718469,2021-09-24 16:04:11,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,nation,2021-07-30,2022-06-25,1.0,2.2265093,7.8427578,4.6477354,1.1517088,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,state,2021-08-03,2022-06-25,12.0,0.4237285,15.3193387,4.2963447,2.4301741,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible,day,county,2021-06-04,2022-02-18,552.0,0.1179131,36.734027,3.680584,1.9972151,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible,day,hrr,2021-06-04,2022-02-17,305.0,0.1052632,28.8843355,3.3785227,1.7028477,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible,day,msa,2021-06-04,2022-02-18,313.0,0.1766665,36.734027,3.5048235,1.8529995,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible,day,nation,2021-06-04,2022-02-19,1.0,2.7080648,4.9855649,3.4403874,0.6007298,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible,day,state,2021-06-04,2022-02-18,51.0,0.2830729,13.6930825,3.3960105,1.3698381,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,county,2021-07-30,2022-02-18,543.0,0.1169665,36.7657801,3.388176,1.8522789,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,hrr,2021-07-30,2022-02-17,305.0,0.1066098,29.1224822,3.0686816,1.5477744,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,msa,2021-07-30,2022-02-18,309.0,0.1767617,36.7657801,3.2230389,1.7212773,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,nation,2021-07-30,2022-02-19,1.0,2.6252236,3.8407397,3.1243032,0.323394,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,state,2021-07-30,2022-02-18,51.0,0.2851942,13.9163968,3.0873031,1.2312581,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,county,2021-08-03,2022-06-25,12.0,0.9794867,14.6336833,6.0873354,2.4042569,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,msa,2021-08-08,2021-09-19,1.0,1.1288761,9.5668263,4.8873471,1.9469161,2021-09-24 16:04:12,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,nation,2021-07-30,2022-06-25,1.0,3.8528302,10.2859277,6.2790968,1.0264956,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,state,2021-08-03,2022-06-25,12.0,0.8811381,20.3812088,6.087005,2.63267,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_language,day,county,2021-06-04,2022-02-18,552.0,0.0166008,14.1221281,0.48836,0.5644643,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_language,day,hrr,2021-06-04,2022-02-17,305.0,0.0268528,15.4342835,0.4296572,0.5289111,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_language,day,msa,2021-06-04,2022-02-18,313.0,0.0179064,8.3301187,0.4473213,0.5027188,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_language,day,nation,2021-06-04,2022-02-19,1.0,0.0814332,0.3922631,0.2814056,0.035964,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_language,day,state,2021-06-04,2022-02-18,51.0,0.0127584,5.6164889,0.3165568,0.2941396,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_language_has,day,county,2021-07-30,2022-02-18,543.0,0.016884,14.288714,0.447745,0.5125596,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_language_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0224618,15.6334649,0.3850871,0.479867,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_language_has,day,msa,2021-07-30,2022-02-18,309.0,0.0181005,8.3301187,0.4122168,0.4589429,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_language_has,day,nation,2021-07-30,2022-02-19,1.0,0.0830565,0.3097386,0.2348977,0.0300744,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_language_has,day,state,2021-07-30,2022-02-18,51.0,0.0081486,5.7494798,0.2736717,0.2636157,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,county,2021-08-03,2022-06-25,12.0,0.3205128,10.1171665,2.7659787,1.7109574,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,msa,2021-08-08,2021-09-19,1.0,0.4195391,9.5537927,3.8309058,2.9792101,2021-09-24 16:04:12,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,nation,2021-07-30,2022-06-25,1.0,1.6485532,5.7059461,3.0869858,0.833593,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,state,2021-08-03,2022-06-25,12.0,0.3205128,13.2329343,3.0611519,2.1534714,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,county,2021-06-04,2022-02-18,552.0,0.1180216,30.4617835,7.7823644,4.2953279,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,hrr,2021-06-04,2022-02-17,305.0,0.1265823,27.0014216,6.7779549,3.7588294,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,msa,2021-06-04,2022-02-18,313.0,0.1992383,27.803462,6.8719989,3.7469057,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,nation,2021-06-04,2022-02-19,1.0,5.4068966,11.0512806,7.5118035,1.1412012,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,state,2021-06-04,2022-02-18,51.0,0.0926338,23.4366526,6.5761302,3.2298488,2022-02-23 13:54:12,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,county,2021-07-30,2022-02-18,543.0,0.1194311,28.9687713,7.2995005,4.0981119,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,hrr,2021-07-30,2022-02-17,305.0,0.1282051,27.4952787,6.2647274,3.5634585,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,msa,2021-07-30,2022-02-18,309.0,0.2016488,28.0281367,6.4122329,3.5884694,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,nation,2021-07-30,2022-02-19,1.0,5.333192,10.8809501,7.0258806,0.8894436,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,state,2021-07-30,2022-02-18,51.0,0.0935,21.6095508,6.1558694,3.1155155,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,county,2021-08-03,2022-06-25,12.0,2.5492191,21.5293493,11.1662291,3.4893272,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,msa,2021-08-08,2021-09-19,1.0,5.2613486,19.9971561,10.824622,4.581742,2021-09-24 16:04:13,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,nation,2021-07-30,2022-06-25,1.0,7.8697296,15.3448766,11.2229496,1.6463375,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,state,2021-08-03,2022-06-25,12.0,3.1106437,28.8098237,11.9527517,4.38488,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_none,day,county,2021-06-04,2022-02-18,552.0,58.1900273,99.1115499,84.1196329,5.2995871,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_none,day,hrr,2021-06-04,2022-02-17,305.0,62.0709269,98.3000667,85.2533436,4.651193,2022-02-22 13:54:22,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_none,day,msa,2021-06-04,2022-02-18,313.0,58.2960207,98.9508306,85.0447531,4.8248596,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_none,day,nation,2021-06-04,2022-02-19,1.0,80.6380315,87.2818256,84.2852898,1.7237881,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_none,day,state,2021-06-04,2022-02-18,51.0,59.9273287,95.5805596,85.2030635,4.0804081,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_none_has,day,county,2021-07-30,2022-02-18,543.0,58.2599651,99.105911,85.0895248,5.207385,2022-02-23 13:52:15,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_none_has,day,hrr,2021-07-30,2022-02-17,305.0,61.7580657,99.0300959,86.3131332,4.5536799,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_none_has,day,msa,2021-07-30,2022-02-18,309.0,57.9579139,98.9335049,86.0281824,4.747257,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_none_has,day,nation,2021-07-30,2022-02-19,1.0,81.2969291,87.7833111,85.2995759,1.543291,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_none_has,day,state,2021-07-30,2022-02-18,51.0,60.1125833,95.6654001,86.1269607,4.0745326,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,county,2021-08-03,2022-06-25,12.0,31.4636821,72.3230179,52.9248939,7.7946501,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,msa,2021-08-08,2021-09-19,1.0,44.2596509,63.9060506,56.2247273,4.8382391,2021-09-24 16:04:14,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,nation,2021-07-30,2022-06-25,1.0,37.2301432,58.5303261,50.3685058,5.0069772,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,state,2021-08-03,2022-06-25,12.0,25.9870695,71.1050487,49.9754208,8.3323105,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_other,day,county,2021-12-19,2022-02-18,506.0,0.113486,12.4156906,1.6614467,1.1101406,2022-02-23 13:52:15,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other,day,hrr,2021-12-19,2022-02-17,304.0,0.0948767,9.69687,1.6032582,0.9613608,2022-02-22 13:54:23,20220222,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other,day,msa,2021-12-19,2022-02-18,284.0,0.1220974,10.2453058,1.6104175,1.0271235,2022-02-23 13:53:45,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other,day,nation,2021-12-19,2022-02-19,1.0,0.9538453,1.5546633,1.3896133,0.1318108,2022-02-24 13:53:48,20220224,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other,day,state,2021-12-19,2022-02-18,51.0,0.1141552,6.636503,1.499199,0.6212161,2022-02-23 13:54:13,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other_has,day,county,2021-12-19,2022-02-18,501.0,0.0840192,12.5278755,1.4556733,1.0295742,2022-02-23 13:52:16,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other_has,day,hrr,2021-12-19,2022-02-17,304.0,0.095057,9.8759666,1.3707941,0.8678686,2022-02-22 13:54:23,20220222,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other_has,day,msa,2021-12-19,2022-02-18,282.0,0.1161852,10.2453058,1.403661,0.9381774,2022-02-23 13:53:45,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other_has,day,nation,2021-12-19,2022-02-19,1.0,0.8288386,1.3232145,1.1703247,0.1181226,2022-02-24 13:53:48,20220224,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other_has,day,state,2021-12-19,2022-02-18,51.0,0.1152073,6.5025476,1.2743002,0.5620165,2022-02-23 13:54:13,20220223,5,5.0 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,county,2021-12-24,2022-06-25,8.0,6.0292096,24.952229,16.8560853,3.4604898,2022-07-01 14:59:56,20220701,4,11.0 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,nation,2021-12-19,2022-06-25,1.0,13.0313014,19.6817691,16.4781955,1.4645559,2022-07-01 15:00:26,20220701,4,14.0 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,state,2021-12-24,2022-06-25,8.0,6.3213086,37.4280114,17.0079621,4.3536796,2022-07-01 15:00:33,20220701,4,11.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,county,2021-06-04,2022-02-18,552.0,0.1072486,22.9148491,3.558064,2.0614736,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,hrr,2021-06-04,2022-02-17,305.0,0.1298701,21.5769561,3.1599653,1.7375423,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,msa,2021-06-04,2022-02-18,313.0,0.1037807,22.3264893,3.2815771,1.8614416,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,nation,2021-06-04,2022-02-19,1.0,2.5214206,4.8847907,3.311893,0.4208553,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,state,2021-06-04,2022-02-18,51.0,0.1237103,15.6519025,3.1490344,1.6738743,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,county,2021-07-30,2022-02-18,543.0,0.1081603,22.9148491,3.3604363,1.9725813,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,hrr,2021-07-30,2022-02-17,305.0,0.106383,20.9804361,2.9407677,1.6306451,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,msa,2021-07-30,2022-02-18,309.0,0.1046381,21.2039509,3.0774387,1.7616195,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,nation,2021-07-30,2022-02-19,1.0,2.4851035,4.9908085,3.097251,0.2913041,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,state,2021-07-30,2022-02-18,51.0,0.1246875,15.337213,2.9524628,1.6004697,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,county,2021-08-03,2022-06-25,12.0,0.4901956,13.4059592,5.4132356,2.2019667,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,msa,2021-08-08,2021-09-19,1.0,1.0059388,11.8416055,5.4821223,3.2060638,2021-09-24 16:04:15,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,nation,2021-07-30,2022-06-25,1.0,3.5481038,8.9441607,5.7013651,0.9995655,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,state,2021-08-03,2022-06-25,12.0,0.4901956,21.3070717,5.7461428,2.911902,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,county,2021-06-04,2022-02-18,552.0,0.0477879,17.6377607,1.2491824,0.9470716,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,hrr,2021-06-04,2022-02-17,305.0,0.045045,17.4447836,1.2012575,0.8452909,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,msa,2021-06-04,2022-02-18,313.0,0.0388536,17.6377607,1.2093308,0.9282151,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,nation,2021-06-04,2022-02-19,1.0,0.8213842,1.339715,1.0584523,0.1093179,2022-02-24 13:53:48,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,state,2021-06-04,2022-02-18,51.0,0.0619246,5.9556706,1.0314515,0.5015311,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,county,2021-07-30,2022-02-18,543.0,0.0486715,17.9540982,1.1636887,0.8903164,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0454133,17.4447836,1.1002035,0.7759272,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,msa,2021-07-30,2022-02-18,309.0,0.0392501,17.9540982,1.1198409,0.850173,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,nation,2021-07-30,2022-02-19,1.0,0.7592613,1.1080717,0.9602353,0.0679064,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,state,2021-07-30,2022-02-18,51.0,0.0626226,10.0144526,0.9455537,0.4926336,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,county,2021-08-03,2022-06-25,12.0,0.3731343,12.0238043,4.3953847,2.1536625,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,msa,2021-08-08,2021-09-19,1.0,0.851232,6.9367688,3.8248681,1.7610818,2021-09-24 16:04:16,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,nation,2021-07-30,2022-06-25,1.0,2.6975824,8.4094796,4.6305438,0.9826877,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,state,2021-08-03,2022-06-25,12.0,0.3731343,15.1334117,4.5631346,2.5431096,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_time,day,county,2021-06-04,2022-02-18,552.0,0.0991676,30.9675879,2.9507475,1.8485465,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_time,day,hrr,2021-06-04,2022-02-17,305.0,0.093985,24.6437818,2.8716061,1.6502292,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_time,day,msa,2021-06-04,2022-02-18,313.0,0.0951704,30.9675879,2.9501882,1.7989767,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_time,day,nation,2021-06-04,2022-02-19,1.0,2.3556323,3.4382276,2.7633975,0.3022799,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_time,day,state,2021-06-04,2022-02-18,51.0,0.1269036,13.0704249,2.8292041,1.0178349,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_time_has,day,county,2021-07-30,2022-02-18,543.0,0.1003619,30.994349,2.8128375,1.8262933,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_time_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0886525,24.8468992,2.7079925,1.6065441,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_time_has,day,msa,2021-07-30,2022-02-18,309.0,0.0960848,30.994349,2.7883448,1.7730117,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_time_has,day,nation,2021-07-30,2022-02-19,1.0,2.0900023,3.2391182,2.6142512,0.3387849,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_time_has,day,state,2021-07-30,2022-02-18,51.0,0.2538071,12.7798049,2.7033401,1.018265,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,county,2021-08-03,2022-06-25,12.0,1.171875,30.4075997,12.5559906,4.7076793,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,msa,2021-08-08,2021-09-19,1.0,8.9874442,19.7299559,15.1522386,2.90482,2021-09-24 16:04:16,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,nation,2021-07-30,2022-06-25,1.0,8.4312744,19.1578448,13.9313453,2.0509032,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,state,2021-08-03,2022-06-25,12.0,1.4355655,34.4390108,14.5271465,5.7752494,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_travel,day,county,2021-06-04,2022-02-18,552.0,0.0749627,20.8719471,2.2206738,1.4638687,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_travel,day,hrr,2021-06-04,2022-02-17,305.0,0.0844595,19.0381549,2.055175,1.2105601,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_travel,day,msa,2021-06-04,2022-02-18,313.0,0.0655099,17.0136472,2.0856491,1.3434165,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_travel,day,nation,2021-06-04,2022-02-19,1.0,1.7542765,4.2060654,2.0436472,0.2057013,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_travel,day,state,2021-06-04,2022-02-18,51.0,0.1022495,9.7410147,2.0283035,0.8868105,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,county,2021-07-30,2022-02-18,543.0,0.0765698,20.9755137,2.0595642,1.4114455,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0853242,19.1590205,1.8796239,1.1589818,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,msa,2021-07-30,2022-02-18,309.0,0.0661186,17.1632098,1.9196039,1.2850808,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,nation,2021-07-30,2022-02-19,1.0,1.6181271,4.1535164,1.8737667,0.214524,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,state,2021-07-30,2022-02-18,51.0,0.1030928,9.5147979,1.8653682,0.8785239,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,county,2021-08-03,2022-06-25,12.0,1.25,20.481298,9.1639887,3.0490234,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,msa,2021-08-08,2021-09-19,1.0,3.0254272,8.3622507,5.8326193,1.6075166,2021-09-24 16:04:17,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,nation,2021-07-30,2022-06-25,1.0,7.5212347,15.0523503,10.538515,1.468872,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,state,2021-08-03,2022-06-25,12.0,1.2578384,28.2001407,9.6946856,3.7688977,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_type,day,county,2021-06-04,2022-02-18,552.0,0.089973,22.8226599,1.8518724,1.2586464,2022-02-23 13:52:16,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_type,day,hrr,2021-06-04,2022-02-17,305.0,0.0974659,23.25949,1.8066409,1.1422891,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_type,day,msa,2021-06-04,2022-02-18,313.0,0.0976035,19.4765318,1.8237791,1.1861249,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_type,day,nation,2021-06-04,2022-02-19,1.0,1.3807111,1.9524981,1.65603,0.1137103,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_type,day,state,2021-06-04,2022-02-18,51.0,0.0981016,10.144897,1.7111244,0.666204,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_type_has,day,county,2021-07-30,2022-02-18,543.0,0.0846733,23.028273,1.7019096,1.1985041,2022-02-23 13:52:17,20220223,1,63.0 -fb-survey,smoothed_wvaccine_barrier_type_has,day,hrr,2021-07-30,2022-02-17,305.0,0.0658762,18.1052542,1.630067,1.0558063,2022-02-22 13:54:23,20220222,2,63.0 -fb-survey,smoothed_wvaccine_barrier_type_has,day,msa,2021-07-30,2022-02-18,309.0,0.0751463,16.7335832,1.6675098,1.1163487,2022-02-23 13:53:45,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_type_has,day,nation,2021-07-30,2022-02-19,1.0,1.2701539,1.82993,1.4934292,0.128217,2022-02-24 13:53:49,20220224,4,63.0 -fb-survey,smoothed_wvaccine_barrier_type_has,day,state,2021-07-30,2022-02-18,51.0,0.1259586,10.530222,1.5518898,0.622784,2022-02-23 13:54:13,20220223,2,63.0 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,county,2021-08-03,2022-06-25,12.0,1.6055948,21.1382744,9.7127907,3.2510452,2022-07-01 14:59:56,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,msa,2021-08-08,2021-09-19,1.0,2.4199891,16.9927528,10.3384439,3.9172498,2021-09-24 16:04:18,20210924,4,5.0 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,nation,2021-07-30,2022-06-25,1.0,5.9632761,12.7576168,10.0129611,1.5420296,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,state,2021-08-03,2022-06-25,12.0,1.7923026,27.7089968,10.1308403,3.8558502,2022-07-01 15:00:33,20220701,4,63.0 -fb-survey,smoothed_wvaccine_likely_doctors,day,county,2021-02-09,2021-08-08,499.0,7.259706,77.1595724,48.7477301,12.2246617,2021-08-13 12:55:26,20210813,1,36.0 -fb-survey,smoothed_wvaccine_likely_doctors,day,hrr,2021-02-09,2021-08-06,300.0,6.9815096,73.8261871,44.1329531,12.1363912,2021-08-11 12:57:06,20210811,3,36.0 -fb-survey,smoothed_wvaccine_likely_doctors,day,msa,2021-02-09,2021-08-07,279.0,11.7272878,73.2846346,46.9713879,11.0955423,2021-08-12 12:55:27,20210812,3,36.0 -fb-survey,smoothed_wvaccine_likely_doctors,day,nation,2021-02-09,2021-08-08,1.0,16.4374349,56.2706848,33.4230306,13.5851071,2021-08-13 12:57:04,20210813,5,36.0 -fb-survey,smoothed_wvaccine_likely_doctors,day,state,2021-02-09,2021-08-08,51.0,7.0363341,73.9381449,38.7759956,13.5895154,2021-08-13 12:57:21,20210813,4,36.0 -fb-survey,smoothed_wvaccine_likely_friends,day,county,2020-12-20,2021-08-08,750.0,3.5068034,63.4115063,31.4894873,6.8034879,2021-08-13 12:55:26,20210813,1,44.0 -fb-survey,smoothed_wvaccine_likely_friends,day,hrr,2020-12-20,2021-08-06,306.0,2.879003,54.4114958,29.4915749,7.2016915,2021-08-11 12:57:06,20210811,2,44.0 -fb-survey,smoothed_wvaccine_likely_friends,day,msa,2020-12-20,2021-08-07,361.0,4.6345847,63.4115063,30.7559854,6.4693782,2021-08-12 12:55:27,20210812,2,44.0 -fb-survey,smoothed_wvaccine_likely_friends,day,nation,2020-12-20,2021-08-08,1.0,7.9797726,36.1559722,23.8103279,8.8420382,2021-08-13 12:57:04,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_friends,day,state,2020-12-20,2021-08-08,51.0,2.8529035,45.6453223,26.6919836,7.9727138,2021-08-13 12:57:21,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_govt_health,day,county,2020-12-20,2021-08-08,742.0,0.4619191,58.708974,27.8905743,8.6701886,2021-08-13 12:55:26,20210813,1,44.0 -fb-survey,smoothed_wvaccine_likely_govt_health,day,hrr,2020-12-20,2021-08-06,306.0,0.2808989,56.9774781,24.3991816,9.2519611,2021-08-11 12:57:06,20210811,2,44.0 -fb-survey,smoothed_wvaccine_likely_govt_health,day,msa,2020-12-20,2021-08-07,357.0,0.4778977,55.7657274,26.359507,8.1751537,2021-08-12 12:55:27,20210812,2,44.0 -fb-survey,smoothed_wvaccine_likely_govt_health,day,nation,2020-12-20,2021-08-08,1.0,5.2371949,32.6937488,18.2387443,10.4349212,2021-08-13 12:57:04,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_govt_health,day,state,2020-12-20,2021-08-08,51.0,0.4791461,52.5748388,21.3528736,10.2720167,2021-08-13 12:57:21,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_local_health,day,county,2020-12-20,2021-03-16,744.0,22.2324417,75.7810762,47.8242695,7.825357,2021-03-21 11:51:28,20210321,1,44.0 -fb-survey,smoothed_wvaccine_likely_local_health,day,hrr,2020-12-20,2021-03-16,306.0,22.7657784,73.8261871,46.4835359,7.2165629,2021-03-21 11:51:45,20210321,1,44.0 -fb-survey,smoothed_wvaccine_likely_local_health,day,msa,2020-12-20,2021-03-16,359.0,19.4811503,74.2892216,46.7604427,7.3708938,2021-03-21 11:52:00,20210321,1,44.0 -fb-survey,smoothed_wvaccine_likely_local_health,day,nation,2020-12-20,2021-03-16,1.0,42.9358801,54.410947,47.2188903,3.6937254,2021-03-21 11:52:04,20210321,2,44.0 -fb-survey,smoothed_wvaccine_likely_local_health,day,state,2020-12-20,2021-03-16,51.0,27.1765913,70.855797,46.8312565,5.867508,2021-03-21 11:52:10,20210321,1,44.0 -fb-survey,smoothed_wvaccine_likely_politicians,day,county,2020-12-20,2021-08-08,737.0,0.1752614,28.2857884,8.9449866,3.7064829,2021-08-13 12:55:26,20210813,1,44.0 -fb-survey,smoothed_wvaccine_likely_politicians,day,hrr,2020-12-20,2021-08-06,306.0,0.2272727,30.3533353,7.9655254,3.6735202,2021-08-11 12:57:06,20210811,2,44.0 -fb-survey,smoothed_wvaccine_likely_politicians,day,msa,2020-12-20,2021-08-07,355.0,0.3346528,28.2857884,8.4909303,3.4597848,2021-08-12 12:55:27,20210812,2,44.0 -fb-survey,smoothed_wvaccine_likely_politicians,day,nation,2020-12-20,2021-08-08,1.0,1.3664651,12.6292333,6.1871506,3.1501693,2021-08-13 12:57:04,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_politicians,day,state,2020-12-20,2021-08-08,51.0,0.1752614,19.5292362,6.8180187,3.327128,2021-08-13 12:57:21,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_who,day,county,2020-12-20,2021-08-08,740.0,0.446429,64.1367354,33.1742871,9.4013078,2021-08-13 12:55:26,20210813,1,44.0 -fb-survey,smoothed_wvaccine_likely_who,day,hrr,2020-12-20,2021-08-06,306.0,0.5846541,58.6165461,29.2521162,10.0645951,2021-08-11 12:57:06,20210811,2,44.0 -fb-survey,smoothed_wvaccine_likely_who,day,msa,2020-12-20,2021-08-07,358.0,3.0838604,64.1367354,31.5261538,8.9701671,2021-08-12 12:55:27,20210812,2,44.0 -fb-survey,smoothed_wvaccine_likely_who,day,nation,2020-12-20,2021-08-08,1.0,6.6090807,37.8505547,22.2353713,11.8125939,2021-08-13 12:57:04,20210813,2,44.0 -fb-survey,smoothed_wvaccine_likely_who,day,state,2020-12-20,2021-08-08,51.0,0.446429,55.5190485,25.8668459,11.3348938,2021-08-13 12:57:22,20210813,2,44.0 -fb-survey,smoothed_wwant_info_children_education,day,county,2021-05-20,2022-06-25,355.0,0.292383,29.353383,7.4068442,3.2172861,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_children_education,day,hrr,2021-05-20,2022-06-25,289.0,0.2066116,29.4027965,6.8066621,3.0104577,2022-07-01 15:00:10,20220701,4,110.0 -fb-survey,smoothed_wwant_info_children_education,day,msa,2021-05-20,2022-06-25,215.0,0.3121147,29.353383,7.0214816,2.9380345,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_children_education,day,nation,2021-05-20,2022-06-25,1.0,5.613506,9.5645405,6.9718878,0.9618779,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_children_education,day,state,2021-05-20,2022-06-25,51.0,0.292383,16.2595185,6.4099107,1.9891178,2022-07-01 15:00:33,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_treatment,day,county,2021-05-20,2022-06-25,355.0,1.1167606,46.193412,17.0093775,5.4830206,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_covid_treatment,day,hrr,2021-05-20,2022-06-25,289.0,1.3156696,44.8880955,15.9854304,5.2418061,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_treatment,day,msa,2021-05-20,2022-06-25,215.0,1.5657304,44.1036485,16.3164943,5.0559612,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_treatment,day,nation,2021-05-20,2022-06-25,1.0,11.5313912,21.4571967,16.3484578,2.3465849,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_treatment,day,state,2021-05-20,2022-06-25,51.0,2.5616594,35.9025179,15.1397714,3.9667136,2022-07-01 15:00:33,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_variants,day,county,2021-05-20,2022-06-25,355.0,7.710231,60.6066359,28.8753534,6.8013948,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_covid_variants,day,hrr,2021-05-20,2022-06-25,289.0,5.9163304,60.0311803,26.984193,6.511051,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_variants,day,msa,2021-05-20,2022-06-25,215.0,8.9517221,55.3597721,27.854011,6.1438722,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_variants,day,nation,2021-05-20,2022-06-25,1.0,22.7048749,34.8015595,27.4057197,3.7141623,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_covid_variants,day,state,2021-05-20,2022-06-25,51.0,6.6991966,58.6471109,26.3085977,5.4736628,2022-07-01 15:00:33,20220701,4,110.0 -fb-survey,smoothed_wwant_info_employment,day,county,2021-05-20,2022-06-25,355.0,1.2708084,43.4376744,13.9642245,4.7943139,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_employment,day,hrr,2021-05-20,2022-06-25,289.0,0.9601587,40.0580879,13.1043427,4.4517553,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_employment,day,msa,2021-05-20,2022-06-25,215.0,2.0095913,41.7064632,13.3294776,4.1553257,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_employment,day,nation,2021-05-20,2022-06-25,1.0,12.448366,15.4840719,13.6531257,0.6712723,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_employment,day,state,2021-05-20,2022-06-25,51.0,2.3872098,27.6016744,12.6311235,2.9337623,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wwant_info_mental_health,day,county,2021-05-20,2022-06-25,355.0,2.3491042,46.3749193,18.5940015,5.1881484,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_mental_health,day,hrr,2021-05-20,2022-06-25,289.0,2.1985778,46.9791113,17.2598518,4.807292,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_mental_health,day,msa,2021-05-20,2022-06-25,215.0,1.9431669,47.4614322,17.8429746,4.4491411,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_mental_health,day,nation,2021-05-20,2022-06-25,1.0,15.9678165,19.9677129,17.803888,0.9993642,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_mental_health,day,state,2021-05-20,2022-06-25,51.0,2.9363483,46.3749193,16.8558162,3.3298125,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wwant_info_none,day,county,2021-05-20,2022-06-25,355.0,16.5501582,82.2405138,54.2453005,8.4337292,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_none,day,hrr,2021-05-20,2022-06-25,289.0,16.4047071,85.5599573,56.7461528,8.2363471,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_none,day,msa,2021-05-20,2022-06-25,215.0,22.7590951,82.4896053,55.8203858,7.22966,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_none,day,nation,2021-05-20,2022-06-25,1.0,50.215821,59.1416216,55.6319834,2.5283015,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_none,day,state,2021-05-20,2022-06-25,51.0,27.563182,83.2953347,57.9695431,6.3063546,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wwant_info_relationships,day,county,2021-05-20,2022-06-25,355.0,0.454955,34.7167506,9.3233291,3.6982645,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_relationships,day,hrr,2021-05-20,2022-06-25,289.0,0.3289474,32.7373288,8.4533624,3.3466102,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_relationships,day,msa,2021-05-20,2022-06-25,215.0,0.4231536,39.3171652,8.759038,3.1968178,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_relationships,day,nation,2021-05-20,2022-06-25,1.0,7.1218982,10.2674231,8.6145216,1.0178285,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_relationships,day,state,2021-05-20,2022-06-25,51.0,0.5517402,26.2315663,7.9942383,2.4207866,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_access,day,county,2021-05-20,2022-06-25,355.0,0.1219361,21.4938234,3.1003567,1.9796343,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_vaccine_access,day,hrr,2021-05-20,2022-06-25,289.0,0.1075269,16.9004841,2.8537367,1.8017906,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_access,day,msa,2021-05-20,2022-06-25,215.0,0.1331817,30.3987418,2.9296704,1.851172,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_access,day,nation,2021-05-20,2022-06-25,1.0,2.2664813,3.4611316,2.8570513,0.2461644,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_access,day,state,2021-05-20,2022-06-25,51.0,0.1219361,10.5290937,2.5865831,1.1148775,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_types,day,county,2021-05-20,2022-06-25,355.0,0.3451439,34.292441,9.2703739,3.4846302,2022-07-01 14:59:56,20220701,1,110.0 -fb-survey,smoothed_wwant_info_vaccine_types,day,hrr,2021-05-20,2022-06-25,289.0,0.3448276,33.9369294,8.7436942,3.259631,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_types,day,msa,2021-05-20,2022-06-25,215.0,0.4226636,37.6360851,8.9183023,3.1873154,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_types,day,nation,2021-05-20,2022-06-25,1.0,7.6142741,10.9393633,8.9021634,0.6874703,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wwant_info_vaccine_types,day,state,2021-05-20,2022-06-25,51.0,0.3459039,22.67155,8.2462851,2.1658732,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wwanted_test_14d,day,county,2020-09-08,2021-08-08,739.0,0.1587571,41.5185667,7.5925977,4.1336842,2021-08-13 12:55:26,20210813,0,92.0 -fb-survey,smoothed_wwanted_test_14d,day,hrr,2020-09-08,2021-08-08,306.0,0.1355014,27.9964178,7.1987494,3.7610783,2021-08-13 12:56:18,20210813,5,92.0 -fb-survey,smoothed_wwanted_test_14d,day,msa,2020-09-08,2021-08-08,358.0,0.1587571,36.3557968,7.3513823,3.8123354,2021-08-13 12:56:58,20210813,5,92.0 -fb-survey,smoothed_wwanted_test_14d,day,nation,2020-09-08,2021-08-08,1.0,1.4779078,12.1428717,6.611073,3.3730495,2021-08-13 12:57:04,20210813,5,98.0 -fb-survey,smoothed_wwanted_test_14d,day,state,2020-09-08,2021-08-08,51.0,0.1976331,23.1824888,6.6375353,3.537193,2021-08-13 12:57:22,20210813,5,92.0 -fb-survey,smoothed_wwearing_mask,day,county,2020-09-08,2021-02-21,742.0,46.5246845,99.7326725,88.7819744,6.9900593,2021-03-17 18:42:52,20210317,0,92.0 -fb-survey,smoothed_wwearing_mask,day,hrr,2020-09-08,2021-02-20,306.0,44.9625133,99.6774194,86.7584134,7.3901029,2021-03-17 18:42:15,20210317,5,92.0 -fb-survey,smoothed_wwearing_mask,day,msa,2020-09-08,2021-02-21,359.0,43.5831097,99.6775583,87.5598281,7.0845001,2021-03-17 18:43:17,20210317,5,92.0 -fb-survey,smoothed_wwearing_mask,day,nation,2020-09-08,2021-02-22,1.0,84.3485583,93.2178515,88.8670227,3.1131215,2021-03-17 18:44:10,20210317,5,98.0 -fb-survey,smoothed_wwearing_mask,day,state,2020-09-08,2021-02-21,51.0,50.762044,99.5948522,87.2809617,6.9568473,2021-03-17 18:43:24,20210317,5,92.0 -fb-survey,smoothed_wwearing_mask_7d,day,county,2021-02-09,2022-06-25,662.0,5.98686,99.7573185,61.80579,23.0183261,2022-07-01 14:59:56,20220701,1,63.0 -fb-survey,smoothed_wwearing_mask_7d,day,hrr,2021-02-09,2022-06-25,306.0,4.5437691,99.795082,56.6835861,23.0747418,2022-07-01 15:00:11,20220701,4,63.0 -fb-survey,smoothed_wwearing_mask_7d,day,msa,2021-02-09,2022-06-25,344.0,4.0666985,99.7573185,59.6318864,22.7905839,2022-07-01 15:00:22,20220701,4,63.0 -fb-survey,smoothed_wwearing_mask_7d,day,nation,2021-02-09,2022-06-25,1.0,29.0033818,92.0933281,59.5204752,18.7918683,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wwearing_mask_7d,day,state,2021-02-09,2022-06-25,51.0,5.8599585,99.5762712,55.8022928,22.959884,2022-07-01 15:00:34,20220701,4,63.0 -fb-survey,smoothed_wwork_outside_home_1d,day,county,2020-09-08,2021-03-15,831.0,9.4509317,64.2551351,35.0285712,6.8365381,2021-03-20 11:51:35,20210320,0,92.0 -fb-survey,smoothed_wwork_outside_home_1d,day,hrr,2020-09-08,2021-03-11,306.0,14.3288,61.1471406,35.6776456,6.2129467,2021-03-17 18:58:05,20210317,2,92.0 -fb-survey,smoothed_wwork_outside_home_1d,day,msa,2020-09-08,2021-03-14,370.0,10.006004,65.7893559,35.8972798,6.6585783,2021-03-19 11:51:48,20210319,1,92.0 -fb-survey,smoothed_wwork_outside_home_1d,day,nation,2020-09-08,2021-03-18,1.0,24.3270003,39.1900137,34.6474592,3.6229461,2021-03-23 11:53:46,20210323,2,98.0 -fb-survey,smoothed_wwork_outside_home_1d,day,state,2020-09-08,2021-03-15,51.0,9.7034648,57.2831637,35.8318816,5.9256329,2021-03-20 11:52:14,20210320,2,92.0 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,county,2021-03-02,2022-06-25,670.0,9.7798451,69.9875077,39.1239113,6.6479648,2022-07-01 14:59:57,20220701,1,63.0 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,hrr,2021-03-02,2022-06-25,306.0,13.1381872,69.6931906,39.8079887,6.23601,2022-07-01 15:00:11,20220701,4,63.0 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,msa,2021-03-02,2022-06-25,349.0,9.7798451,71.1995787,39.7791789,6.5067048,2022-07-01 15:00:22,20220701,4,63.0 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,nation,2021-03-02,2022-06-25,1.0,27.6726804,43.7207665,39.2049883,2.9440257,2022-07-01 15:00:26,20220701,4,63.0 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,state,2021-03-02,2022-06-25,51.0,13.7594749,60.8604643,40.5472778,5.2836308,2022-07-01 15:00:34,20220701,4,63.0 -fb-survey,smoothed_wworried_become_ill,day,county,2020-09-08,2021-08-08,739.0,19.5361406,93.9006459,59.5562444,9.5501101,2021-08-13 12:55:28,20210813,0,92.0 -fb-survey,smoothed_wworried_become_ill,day,hrr,2020-09-08,2021-08-08,306.0,22.3139171,86.8522829,57.9492483,9.2887984,2021-08-13 12:56:20,20210813,5,92.0 -fb-survey,smoothed_wworried_become_ill,day,msa,2020-09-08,2021-08-08,358.0,19.5361406,93.9006459,58.6357432,9.3591756,2021-08-13 12:56:59,20210813,5,92.0 -fb-survey,smoothed_wworried_become_ill,day,nation,2020-09-08,2021-08-08,1.0,35.7184994,70.8400827,55.67588,10.2247137,2021-08-13 12:57:04,20210813,5,98.0 -fb-survey,smoothed_wworried_become_ill,day,state,2020-09-08,2021-08-08,51.0,19.6673155,78.9788449,56.1876233,10.1268506,2021-08-13 12:57:22,20210813,5,92.0 -fb-survey,smoothed_wworried_catch_covid,day,county,2021-05-20,2022-06-25,376.0,12.4829172,84.2052504,46.7587756,10.8126579,2022-07-01 14:59:57,20220701,1,110.0 -fb-survey,smoothed_wworried_catch_covid,day,hrr,2021-05-20,2022-06-25,293.0,11.5162804,84.1507655,43.7524424,10.5488557,2022-07-01 15:00:11,20220701,4,110.0 -fb-survey,smoothed_wworried_catch_covid,day,msa,2021-05-20,2022-06-25,220.0,13.7197585,84.2052504,45.0489584,10.1411255,2022-07-01 15:00:22,20220701,4,110.0 -fb-survey,smoothed_wworried_catch_covid,day,nation,2021-05-20,2022-06-25,1.0,33.1016879,57.3264887,44.5170577,6.459023,2022-07-01 15:00:26,20220701,4,110.0 -fb-survey,smoothed_wworried_catch_covid,day,state,2021-05-20,2022-06-25,51.0,10.8843351,78.59617,41.8433606,9.4276472,2022-07-01 15:00:34,20220701,4,110.0 -fb-survey,smoothed_wworried_finances,day,county,2020-09-08,2022-06-25,750.0,11.1143697,83.6218012,41.1647182,8.0881449,2022-07-01 14:59:57,20220701,0,92.0 -fb-survey,smoothed_wworried_finances,day,hrr,2020-09-08,2022-06-25,306.0,12.2427033,76.4272193,41.1335091,7.4902084,2022-07-01 15:00:11,20220701,4,92.0 -fb-survey,smoothed_wworried_finances,day,msa,2020-09-08,2022-06-25,360.0,13.1044873,83.6218012,41.2964627,7.7953364,2022-07-01 15:00:22,20220701,4,92.0 -fb-survey,smoothed_wworried_finances,day,nation,2020-09-08,2022-06-25,1.0,36.1576239,50.5120064,41.1379765,3.9146201,2022-07-01 15:00:26,20220701,4,98.0 -fb-survey,smoothed_wworried_finances,day,state,2020-09-08,2022-06-25,51.0,18.9410484,58.378139,39.9359039,5.5342188,2022-07-01 15:00:34,20220701,4,92.0 -fb-survey,smoothed_wworried_vaccine_side_effects,day,county,2021-01-13,2022-06-25,722.0,15.0713634,86.347618,53.2623794,14.7692205,2022-07-01 14:59:57,20220701,1,63.0 -fb-survey,smoothed_wworried_vaccine_side_effects,day,hrr,2021-01-13,2022-06-25,306.0,21.06384,89.8120578,59.8813023,13.4791837,2022-07-01 15:00:12,20220701,4,63.0 -fb-survey,smoothed_wworried_vaccine_side_effects,day,msa,2021-01-13,2022-06-25,359.0,19.229984,87.642629,55.2390122,14.4232621,2022-07-01 15:00:22,20220701,4,63.0 -fb-survey,smoothed_wworried_vaccine_side_effects,day,nation,2021-01-13,2022-06-25,1.0,38.6339196,72.2343997,65.5906145,9.0739766,2022-07-01 15:00:26,20220701,2,63.0 -fb-survey,smoothed_wworried_vaccine_side_effects,day,state,2021-01-13,2022-06-25,51.0,23.0894615,85.903338,64.6252616,10.8323669,2022-07-01 15:00:34,20220701,4,63.0 -ght,raw_search,day,dma,2020-02-01,2021-03-04,210.0,0.0,1565.76200417525,20.9482376,65.2674025,2021-03-08 13:51:23,20210308,2,95.0 -ght,raw_search,day,hrr,2020-02-01,2021-03-04,306.0,0.0,1410.08842302,21.9186474,49.0164187,2021-03-08 13:51:23,20210308,2,95.0 -ght,raw_search,day,msa,2020-02-01,2021-03-04,381.0,0.0,1565.76200417525,22.1626516,55.1958568,2021-03-08 13:51:24,20210308,2,95.0 -ght,raw_search,day,state,2020-02-01,2021-03-04,51.0,0.0,530.20464784,20.8002893,34.0252416,2021-03-08 13:51:24,20210308,2,95.0 -ght,smoothed_search,day,dma,2020-02-01,2021-03-04,210.0,0.0,1527.49490835,21.6425026,49.2963765,2021-03-08 13:51:23,20210308,2,95.0 -ght,smoothed_search,day,hrr,2020-02-01,2021-03-04,306.0,0.0,1410.08842302,22.2032196,38.1130556,2021-03-08 13:51:23,20210308,2,95.0 -ght,smoothed_search,day,msa,2020-02-01,2021-03-04,381.0,0.0,1527.49490835,22.6439253,41.9518625,2021-03-08 13:51:24,20210308,2,95.0 -ght,smoothed_search,day,state,2020-02-01,2021-03-04,51.0,0.0,530.20464784,21.0425576,27.779224,2021-03-08 13:51:24,20210308,2,95.0 -google-survey,raw_cli,day,county,2020-04-11,2020-05-14,649.0,0.409836065573771,35.423894886623,7.5642062,2.3033009,2020-05-15 14:51:20,20200516,1,27.0 -google-survey,raw_cli,day,hrr,2020-04-11,2020-05-14,282.0,0.78125,23.8735267431388,7.5031418,2.1662551,2020-05-15 14:51:20,20200516,2,27.0 -google-survey,raw_cli,day,msa,2020-04-11,2020-05-14,324.0,0.0,20.2898257604082,7.41813,2.0245724,2020-05-15 14:51:20,20200516,2,27.0 -google-survey,raw_cli,day,state,2020-04-11,2020-05-14,51.0,2.17391304347826,18.787540792796,7.2286506,1.740113,2020-05-15 14:51:20,20200516,2,27.0 -google-survey,smoothed_cli,day,county,2020-04-11,2020-05-14,649.0,0.880545893794213,28.749996064143,7.5262832,2.1496115,2020-05-15 14:51:20,20200516,1,27.0 -google-survey,smoothed_cli,day,hrr,2020-04-11,2020-05-14,282.0,3.7019332071209,22.726557194704,7.5733011,2.0361627,2020-05-15 14:51:20,20200516,2,27.0 -google-survey,smoothed_cli,day,msa,2020-04-11,2020-05-14,324.0,3.01822323462415,19.1367838167457,7.4565365,1.7716232,2020-05-15 14:51:20,20200516,2,27.0 -google-survey,smoothed_cli,day,state,2020-04-11,2020-05-14,51.0,3.64100926221654,18.1033479398524,7.1670572,1.7637356,2020-05-15 14:51:20,20200516,2,27.0 -google-symptoms,ageusia_raw_search,day,county,2020-02-13,2024-05-01,92.0,0.02,2.8,0.1628996,0.1148612,2022-01-24 14:03:00,20220124,4,336.0 -google-symptoms,ageusia_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.0131270807702595,1.2480681700533858,0.140034,0.0911828,2022-01-24 14:03:00,20220124,4,669.0 -google-symptoms,ageusia_raw_search,day,hrr,2020-02-13,2024-05-01,106.0,7.070846583878629e-07,2.1978302516782264,0.0903941,0.0964045,2022-01-24 14:03:00,20220124,4,336.0 -google-symptoms,ageusia_raw_search,day,msa,2020-02-13,2024-05-01,54.0,0.0033902801295283,1.4696504092228102,0.1162842,0.0898667,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,ageusia_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.0298998387351133,0.5080993582433261,0.1514058,0.0756495,2022-01-24 14:03:01,20220124,4,669.0 -google-symptoms,ageusia_raw_search,day,state,2020-02-13,2024-05-01,43.0,0.02,1.6,0.1737928,0.1028339,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,ageusia_smoothed_search,day,county,2020-02-20,2024-05-01,92.0,0.0328571428571428,2.001428571428572,0.1793956,0.1175762,2022-01-24 14:03:00,20220124,3,329.0 -google-symptoms,ageusia_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.0179084404925376,0.9134917551559588,0.1412503,0.0881181,2022-01-24 14:03:00,20220124,4,663.0 -google-symptoms,ageusia_smoothed_search,day,hrr,2020-02-20,2024-05-01,106.0,6.575606920968502e-06,1.9360977520295877,0.0996178,0.097535,2022-01-24 14:03:00,20220124,3,329.0 -google-symptoms,ageusia_smoothed_search,day,msa,2020-02-20,2024-05-01,54.0,0.012888080770378,1.1303163980678963,0.1252972,0.0908501,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,ageusia_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.0338719602832891,0.3869580463385803,0.151751,0.0732171,2022-01-24 14:03:01,20220124,4,663.0 -google-symptoms,ageusia_smoothed_search,day,state,2020-02-20,2024-05-01,43.0,0.0342857142857142,1.18,0.1775286,0.1007419,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,anosmia_raw_search,day,county,2020-02-13,2024-05-01,109.0,0.03,6.57,0.2204089,0.1742904,2022-01-24 14:03:00,20220124,4,336.0 -google-symptoms,anosmia_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.0173693227372303,2.7200165442391304,0.1945913,0.1329324,2022-01-24 14:03:00,20220124,4,669.0 -google-symptoms,anosmia_raw_search,day,hrr,2020-02-13,2024-05-01,115.0,5.656677267102902e-07,4.9685954785081545,0.1306022,0.139857,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,anosmia_raw_search,day,msa,2020-02-13,2024-05-01,64.0,0.0088361517675675,3.132953842235674,0.1635651,0.1279177,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,anosmia_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.0438656821358702,1.29733135353733,0.2050263,0.1108735,2022-01-24 14:03:01,20220124,4,669.0 -google-symptoms,anosmia_raw_search,day,state,2020-02-13,2024-05-01,44.0,0.03,3.47,0.2254759,0.1390483,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,anosmia_smoothed_search,day,county,2020-02-20,2024-05-01,109.0,0.0414285714285714,3.762857142857143,0.2360233,0.1638776,2022-01-24 14:03:00,20220124,3,329.0 -google-symptoms,anosmia_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.0273448966120518,1.787173096021979,0.1953557,0.1200617,2022-01-24 14:03:00,20220124,4,663.0 -google-symptoms,anosmia_smoothed_search,day,hrr,2020-02-20,2024-05-01,115.0,5.873357638146623e-06,3.359756365647917,0.1382351,0.1334759,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,anosmia_smoothed_search,day,msa,2020-02-20,2024-05-01,64.0,0.0172218958627234,2.1852318317670267,0.1714624,0.1203665,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,anosmia_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.0488230407808455,0.7001163446093951,0.2054266,0.0978696,2022-01-24 14:03:01,20220124,4,663.0 -google-symptoms,anosmia_smoothed_search,day,state,2020-02-20,2024-05-01,44.0,0.0442857142857142,2.307142857142857,0.2293551,0.1254468,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,s01_raw_search,day,county,2020-02-14,2024-05-01,1523.0,0.145,41.7575,1.4458065,0.6029111,2024-07-17 13:15:29,20240717,4,738.0 -google-symptoms,s01_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.5629032,4.8329906,1.5626725,0.5987219,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s01_raw_search,day,hrr,2020-02-14,2024-05-01,306.0,0.0025898,5.9852293,1.2959006,0.5858162,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s01_raw_search,day,msa,2020-02-14,2024-05-01,384.0,0.1525,6.8110606,1.3936503,0.5849853,2024-07-17 13:15:35,20240717,4,738.0 -google-symptoms,s01_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.7398929,4.3968376,1.613721,0.5701939,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s01_raw_search,day,state,2020-02-14,2024-05-01,51.0,0.345,5.4375,1.5659896,0.6261226,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s01_smoothed_search,day,county,2020-02-20,2024-05-01,1523.0,0.0,19.3282143,1.3457387,0.6052145,2024-07-17 13:15:29,20240717,4,732.0 -google-symptoms,s01_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.6021712,4.5579379,1.5626276,0.5918432,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,s01_smoothed_search,day,hrr,2020-02-20,2024-05-01,306.0,0.0,5.454187,1.2737633,0.5905242,2024-07-17 13:15:34,20240717,4,732.0 -google-symptoms,s01_smoothed_search,day,msa,2020-02-20,2024-05-01,384.0,0.0,5.4585924,1.3693011,0.5858352,2024-07-17 13:15:35,20240717,4,732.0 -google-symptoms,s01_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.7624728,4.1780875,1.6137093,0.5635924,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s01_smoothed_search,day,state,2020-02-20,2024-05-01,51.0,0.3928571,5.1821429,1.5659408,0.617283,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s02_raw_search,day,county,2020-02-14,2024-05-01,2082.0,0.1933333,15.23,1.9736893,0.9636114,2024-07-17 13:15:29,20240717,4,738.0 -google-symptoms,s02_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.9644648,10.2016334,2.3780304,0.9261871,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s02_raw_search,day,hrr,2020-02-14,2024-05-01,306.0,0.0619654,11.9665981,2.0572122,0.9312176,2024-07-17 13:15:34,20240717,4,738.0 -google-symptoms,s02_raw_search,day,msa,2020-02-14,2024-05-01,384.0,0.2189365,12.1074102,2.1978484,0.9426042,2024-07-17 13:15:35,20240717,4,738.0 -google-symptoms,s02_raw_search,day,nation,2020-02-14,2024-05-01,1.0,1.2120147,9.6328876,2.4306044,0.8874711,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s02_raw_search,day,state,2020-02-14,2024-05-01,51.0,0.545,11.955,2.403114,0.9693,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s02_smoothed_search,day,county,2020-02-20,2024-05-01,2082.0,0.0,9.8964286,1.7974889,0.9874446,2024-07-17 13:15:30,20240717,3,732.0 -google-symptoms,s02_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.9898071,8.5374392,2.3779637,0.911629,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,s02_smoothed_search,day,hrr,2020-02-20,2024-05-01,306.0,0.0,9.8010037,2.0227886,0.9385257,2024-07-17 13:15:34,20240717,4,732.0 -google-symptoms,s02_smoothed_search,day,msa,2020-02-20,2024-05-01,384.0,0.0,9.805927,2.1610385,0.9473767,2024-07-17 13:15:35,20240717,4,732.0 -google-symptoms,s02_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,1.2745183,8.0950094,2.4306106,0.8739282,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s02_smoothed_search,day,state,2020-02-20,2024-05-01,51.0,0.6290476,9.7983333,2.4029937,0.9524848,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s03_raw_search,day,county,2020-02-14,2024-05-01,1556.0,0.114,9.344,0.863376,0.3517303,2024-07-17 13:15:31,20240717,4,738.0 -google-symptoms,s03_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.4449867,5.0817512,0.9618082,0.3212215,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s03_raw_search,day,hrr,2020-02-14,2024-05-01,306.0,0.0020661,6.7535321,0.7632649,0.348486,2024-07-17 13:15:34,20240717,4,738.0 -google-symptoms,s03_raw_search,day,msa,2020-02-14,2024-05-01,384.0,0.0770901,6.5204411,0.8108243,0.3297275,2024-07-17 13:15:35,20240717,4,738.0 -google-symptoms,s03_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.568635,4.557349,0.9806504,0.3004047,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s03_raw_search,day,state,2020-02-14,2024-05-01,51.0,0.258,6.32,0.953399,0.3397813,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s03_smoothed_search,day,county,2020-02-20,2024-05-01,1556.0,0.0,5.3408571,0.7453625,0.3538509,2024-07-17 13:15:31,20240717,3,732.0 -google-symptoms,s03_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.4821263,3.9093147,0.9618966,0.3105097,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,s03_smoothed_search,day,hrr,2020-02-20,2024-05-01,306.0,0.0,4.9255751,0.7505019,0.3456565,2024-07-17 13:15:34,20240717,4,732.0 -google-symptoms,s03_smoothed_search,day,msa,2020-02-20,2024-05-01,384.0,0.0,4.7907217,0.7964956,0.3230314,2024-07-17 13:15:35,20240717,4,732.0 -google-symptoms,s03_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.6007511,3.6128182,0.9807975,0.2906154,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s03_smoothed_search,day,state,2020-02-20,2024-05-01,51.0,0.2945714,4.5048571,0.953463,0.3267243,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s04_raw_search,day,county,2020-02-14,2024-05-01,1031.0,0.0525,3.93,0.4827724,0.2070064,2024-07-17 13:15:31,20240717,4,738.0 -google-symptoms,s04_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.2403526,1.7477591,0.6571675,0.17183,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s04_raw_search,day,hrr,2020-02-14,2024-05-01,305.0,6.5e-05,3.8307638,0.4429192,0.2129804,2024-07-17 13:15:34,20240717,4,738.0 -google-symptoms,s04_raw_search,day,msa,2020-02-14,2024-05-01,383.0,0.0289013,3.8388485,0.491735,0.2000115,2024-07-17 13:15:35,20240717,4,738.0 -google-symptoms,s04_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.3475773,1.6138886,0.6691913,0.1556553,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s04_raw_search,day,state,2020-02-14,2024-05-01,51.0,0.09875,1.98125,0.6652702,0.190865,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s04_smoothed_search,day,county,2020-02-20,2024-05-01,1031.0,0.0,1.9792857,0.4275826,0.2233178,2024-07-17 13:15:32,20240717,4,732.0 -google-symptoms,s04_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.302677,1.633269,0.657328,0.1624917,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,s04_smoothed_search,day,hrr,2020-02-20,2024-05-01,305.0,0.0,1.9341105,0.4332943,0.2118484,2024-07-17 13:15:34,20240717,4,732.0 -google-symptoms,s04_smoothed_search,day,msa,2020-02-20,2024-05-01,383.0,0.0,1.9757143,0.4760023,0.1972503,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s04_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.4146152,1.5291331,0.669355,0.1457618,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s04_smoothed_search,day,state,2020-02-20,2024-05-01,51.0,0.2210714,1.8407143,0.6654414,0.1792661,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s05_raw_search,day,county,2020-02-14,2024-05-01,114.0,0.0066667,3.32,0.1073134,0.0870051,2024-07-17 13:15:32,20240717,4,738.0 -google-symptoms,s05_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.0043757,1.429934,0.1045632,0.0712873,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s05_raw_search,day,hrr,2020-02-14,2024-05-01,118.0,3e-07,2.5509742,0.064284,0.0702217,2024-07-17 13:15:34,20240717,4,738.0 -google-symptoms,s05_raw_search,day,msa,2020-02-14,2024-05-01,65.0,0.0017701,1.653679,0.0801509,0.0668067,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s05_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.0197424,0.6667448,0.1108536,0.064888,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s05_raw_search,day,state,2020-02-14,2024-05-01,45.0,0.01,1.8233333,0.1201437,0.0799874,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s05_smoothed_search,day,county,2020-02-20,2024-05-01,114.0,0.0,2.0214286,0.0923442,0.0829948,2024-07-17 13:15:32,20240717,3,732.0 -google-symptoms,s05_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.0,1.0099765,0.1044928,0.0690878,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,s05_smoothed_search,day,hrr,2020-02-20,2024-05-01,118.0,0.0,1.9636653,0.0583359,0.0665195,2024-07-17 13:15:34,20240717,4,732.0 -google-symptoms,s05_smoothed_search,day,msa,2020-02-20,2024-05-01,65.0,0.0,1.2305151,0.0703972,0.0640411,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s05_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.0222244,0.4012052,0.1111188,0.0629392,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s05_smoothed_search,day,state,2020-02-20,2024-05-01,45.0,0.0,1.2985714,0.1023828,0.0811467,2024-07-17 13:15:36,20240717,3,732.0 -google-symptoms,s06_raw_search,day,county,2020-02-14,2024-05-01,869.0,0.0733333,3.8166667,0.7171405,0.2509621,2024-07-17 13:15:32,20240717,4,738.0 -google-symptoms,s06_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.3065122,1.9331217,0.7831431,0.2417782,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,s06_raw_search,day,hrr,2020-02-14,2024-05-01,304.0,8.36e-05,2.6907692,0.5563906,0.2612786,2024-07-17 13:15:34,20240717,4,738.0 -google-symptoms,s06_raw_search,day,msa,2020-02-14,2024-05-01,379.0,0.0698392,3.6766667,0.6513573,0.2451345,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s06_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.3923812,1.7562711,0.8039715,0.2280758,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s06_raw_search,day,state,2020-02-14,2024-05-01,51.0,0.1533333,2.2033333,0.7768827,0.2577945,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,s06_smoothed_search,day,county,2020-02-20,2024-05-01,869.0,0.0,2.942381,0.6715739,0.2519801,2024-07-17 13:15:32,20240717,4,732.0 -google-symptoms,s06_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.3288689,1.804973,0.783512,0.2387222,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,s06_smoothed_search,day,hrr,2020-02-20,2024-05-01,304.0,0.0,2.4442007,0.5435988,0.263496,2024-07-17 13:15:34,20240717,4,732.0 -google-symptoms,s06_smoothed_search,day,msa,2020-02-20,2024-05-01,379.0,0.0,2.942381,0.6269093,0.2474402,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s06_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.4007222,1.5691818,0.8043518,0.2252896,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,s06_smoothed_search,day,state,2020-02-20,2024-05-01,51.0,0.1852381,2.0328571,0.7772562,0.2522011,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,scontrol_raw_search,day,county,2020-02-14,2024-05-01,1438.0,0.25,14.124,3.3171389,1.0021697,2024-07-17 13:15:32,20240717,4,738.0 -google-symptoms,scontrol_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,2.097142,10.5574026,3.561163,0.4858404,2024-07-17 13:15:33,20240717,4,738.0 -google-symptoms,scontrol_raw_search,day,hrr,2020-02-14,2024-05-01,306.0,0.0535164,12.348618,3.1551263,0.8088133,2024-07-17 13:15:34,20240717,4,738.0 -google-symptoms,scontrol_raw_search,day,msa,2020-02-14,2024-05-01,384.0,0.2728576,14.124,3.529657,0.7122945,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,scontrol_raw_search,day,nation,2020-02-14,2024-05-01,1.0,2.6600321,9.6695483,3.6656477,0.3549504,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,scontrol_raw_search,day,state,2020-02-14,2024-05-01,51.0,1.386,12.48,3.6053961,0.5999558,2024-07-17 13:15:36,20240717,4,738.0 -google-symptoms,scontrol_smoothed_search,day,county,2020-02-20,2024-05-01,1438.0,0.0,7.4088571,3.2498719,0.9947871,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,scontrol_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,2.1692694,6.0588907,3.5622185,0.4422332,2024-07-17 13:15:33,20240717,4,732.0 -google-symptoms,scontrol_smoothed_search,day,hrr,2020-02-20,2024-05-01,306.0,0.0,6.844638,3.1042179,0.8640953,2024-07-17 13:15:35,20240717,4,732.0 -google-symptoms,scontrol_smoothed_search,day,msa,2020-02-20,2024-05-01,384.0,0.0,7.3748571,3.4726074,0.7844,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,scontrol_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,2.7735218,5.4817889,3.6667235,0.2933651,2024-07-17 13:15:36,20240717,4,732.0 -google-symptoms,scontrol_smoothed_search,day,state,2020-02-20,2024-05-01,51.0,1.4714286,6.9245714,3.6065001,0.5602287,2024-07-17 13:15:37,20240717,4,732.0 -google-symptoms,sum_anosmia_ageusia_raw_search,day,county,2020-02-13,2024-05-01,109.0,0.03,9.37,0.3426697,0.2744206,2022-01-24 14:03:00,20220124,4,336.0 -google-symptoms,sum_anosmia_ageusia_raw_search,day,hhs,2020-02-14,2024-05-01,10.0,0.0173693227372303,3.968084714292517,0.3342102,0.2173844,2022-01-24 14:03:00,20220124,4,669.0 -google-symptoms,sum_anosmia_ageusia_raw_search,day,hrr,2020-02-13,2024-05-01,115.0,7.070846583878629e-07,7.166425730186382,0.2073388,0.2238387,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,sum_anosmia_ageusia_raw_search,day,msa,2020-02-13,2024-05-01,64.0,0.0103831618662323,4.602604251458484,0.2531459,0.2000587,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,sum_anosmia_ageusia_raw_search,day,nation,2020-02-14,2024-05-01,1.0,0.0765355929387654,1.805430711780656,0.3564321,0.1798115,2022-01-24 14:03:01,20220124,4,669.0 -google-symptoms,sum_anosmia_ageusia_raw_search,day,state,2020-02-13,2024-05-01,44.0,0.03,5.07,0.3827677,0.23348,2022-01-24 14:03:01,20220124,4,336.0 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,county,2020-02-20,2024-05-01,109.0,0.0499999999999999,5.484285714285714,0.3699355,0.2612152,2022-01-24 14:03:00,20220124,3,329.0 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,hhs,2020-02-20,2024-05-01,10.0,0.0423773980448919,2.7006648511779376,0.3352803,0.2044591,2022-01-24 14:03:00,20220124,4,663.0 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,hrr,2020-02-20,2024-05-01,115.0,8.107787174398055e-06,5.295854117677505,0.2186379,0.2170476,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,msa,2020-02-20,2024-05-01,64.0,0.0184719697237309,3.3155482298349237,0.2682165,0.1921036,2022-01-24 14:03:01,20220124,3,329.0 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,nation,2020-02-20,2024-05-01,1.0,0.0830425325246353,1.0206403040899057,0.3571776,0.1669782,2022-01-24 14:03:01,20220124,4,663.0 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,state,2020-02-20,2024-05-01,44.0,0.0514285714285714,3.487142857142857,0.3951061,0.2187848,2022-01-24 14:03:01,20220124,3,329.0 -hhs,confirmed_admissions_covid_1d,day,hhs,2019-12-31,2024-04-26,10.0,0.0,5435.0,461.1311591,633.5614487,2024-05-04 18:12:32,20240504,3,1199.0 -hhs,confirmed_admissions_covid_1d,day,nation,2019-12-31,2024-04-26,1.0,0.0,23473.0,4540.0417986,4189.309632,2024-05-04 18:12:32,20240504,8,1199.0 -hhs,confirmed_admissions_covid_1d,day,state,2019-12-31,2024-04-26,54.0,0.0,2580.0,96.1909912,179.0364888,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,confirmed_admissions_covid_1d_7dav,day,hhs,2020-01-06,2024-04-26,10.0,0.0,5048.4285714,462.7522463,629.8128073,2024-05-04 18:12:32,20240504,4,1193.0 -hhs,confirmed_admissions_covid_1d_7dav,day,nation,2020-01-06,2024-04-26,1.0,0.0,21996.7142857,4555.7389883,4155.626106,2024-05-04 18:12:32,20240504,8,1193.0 -hhs,confirmed_admissions_covid_1d_7dav,day,state,2020-01-06,2024-04-26,54.0,-2.18873,2402.8571429,96.0135017,177.278203,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,confirmed_admissions_covid_1d_prop,day,hhs,2019-12-31,2024-04-26,10.0,0.0,9.2921323,1.3065361,1.3107456,2024-05-04 18:12:32,20240504,3,1199.0 -hhs,confirmed_admissions_covid_1d_prop,day,nation,2019-12-31,2024-04-26,1.0,0.0,7.0411442,1.3624152,1.2563057,2024-05-04 18:12:32,20240504,8,1199.0 -hhs,confirmed_admissions_covid_1d_prop,day,state,2019-12-31,2024-04-26,54.0,0.0,30.6201481,1.4766189,1.5482264,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10.0,0.0,8.4438675,1.3107632,1.2970562,2024-05-04 18:12:32,20240504,5,1193.0 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1.0,0.0,6.598306,1.3669301,1.2463811,2024-05-04 18:12:32,20240504,8,1193.0 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54.0,-0.0587884,13.5606169,1.4799905,1.5007705,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,confirmed_admissions_influenza_1d,day,hhs,2019-12-31,2024-04-26,10.0,0.0,1020.0,36.3701512,81.5215794,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,confirmed_admissions_influenza_1d,day,nation,2019-12-31,2024-04-26,1.0,0.0,4139.0,358.050665,667.4539517,2024-05-04 18:12:32,20240504,8,1199.0 -hhs,confirmed_admissions_influenza_1d,day,state,2019-12-31,2024-04-26,54.0,0.0,527.0,8.079549,22.3643642,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,confirmed_admissions_influenza_1d_7dav,day,hhs,2020-01-06,2024-04-26,10.0,0.0,824.4285714,36.4463386,80.8724694,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,confirmed_admissions_influenza_1d_7dav,day,nation,2020-01-06,2024-04-26,1.0,0.0,3810.4285714,358.8049224,664.1485754,2024-05-04 18:12:32,20240504,8,1193.0 -hhs,confirmed_admissions_influenza_1d_7dav,day,state,2020-01-06,2024-04-26,54.0,-235.7730334,466.7142857,7.9743098,22.2495347,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,confirmed_admissions_influenza_1d_prop,day,hhs,2019-12-31,2024-04-26,10.0,0.0,2.1320358,0.1081863,0.2206152,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,confirmed_admissions_influenza_1d_prop,day,nation,2019-12-31,2024-04-26,1.0,0.0,1.2415667,0.1074078,0.2002126,2024-05-04 18:12:32,20240504,8,1199.0 -hhs,confirmed_admissions_influenza_1d_prop,day,state,2019-12-31,2024-04-26,54.0,0.0,3.4666547,0.1327134,0.2825847,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10.0,0.0,1.887586,0.1084012,0.2181674,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1.0,0.0,1.1430059,0.1076326,0.1992218,2024-05-04 18:12:32,20240504,8,1193.0 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54.0,-7.5128606,3.1329084,0.1299443,0.289478,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,hhs,2019-12-31,2024-04-26,10.0,0.0,6806.0,839.2928728,929.1560226,2024-05-04 18:12:32,20240504,4,1199.0 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,nation,2019-12-31,2024-04-26,1.0,0.0,30339.0,8263.2216593,6137.0740488,2024-05-04 18:12:32,20240504,8,1199.0 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,state,2019-12-31,2024-04-26,54.0,0.0,3336.0,176.9070707,270.2597076,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,hhs,2020-01-06,2024-04-26,10.0,0.0,6255.1428571,842.0457741,921.1235546,2024-05-04 18:12:32,20240504,5,1193.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,nation,2020-01-06,2024-04-26,1.0,0.0,28260.7142857,8289.8381618,6066.4615525,2024-05-04 18:12:32,20240504,8,1193.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,state,2020-01-06,2024-04-26,54.0,-1947060.9047407,3031.2857143,-295.5559628,21361.3282651,2024-05-04 18:12:32,20240504,2,1193.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,hhs,2019-12-31,2024-04-26,10.0,0.0,11.2926069,2.4350865,1.9583555,2024-05-04 18:12:32,20240504,4,1199.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,nation,2019-12-31,2024-04-26,1.0,0.0,9.1007231,2.4797186,1.8400811,2024-05-04 18:12:32,20240504,8,1199.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,state,2019-12-31,2024-04-26,54.0,0.0,112.4449151,2.8111772,2.6390245,2024-05-04 18:12:32,20240504,2,1199.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10.0,0.0,10.5333585,2.442418,1.9278248,2024-05-04 18:12:32,20240504,5,1193.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1.0,0.0,8.4773043,2.487346,1.8193067,2024-05-04 18:12:32,20240504,8,1193.0 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54.0,-28244.5801805,51.476778,-8.4047634,422.0103505,2024-05-04 18:12:32,20240504,2,1193.0 -hospital-admissions,smoothed_adj_covid19,day,county,2020-02-01,2020-09-27,1135.0,0.046381,89.490451,4.9874457,5.9539161,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_adj_covid19,day,hrr,2020-02-01,2020-09-27,292.0,0.033958,48.498128,4.7894585,5.3017575,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_adj_covid19,day,msa,2020-02-01,2020-09-27,329.0,0.024278,54.758257,4.8585652,5.4583597,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_adj_covid19,day,state,2020-02-01,2020-09-27,51.0,0.013853,33.703258,5.0163537,4.901157,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_adj_covid19_from_claims,day,county,2020-02-01,2024-07-12,1177.0,0.039949,92.932609,3.1722823,4.694149,2024-07-17 05:25:37,20240716,3,1627.0 -hospital-admissions,smoothed_adj_covid19_from_claims,day,hhs,2020-02-01,2024-07-12,10.0,0.01194,30.98829,2.9154075,3.4358447,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_adj_covid19_from_claims,day,hrr,2020-02-01,2024-07-12,299.0,0.037466,48.579963,3.1296706,4.3537278,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_adj_covid19_from_claims,day,msa,2020-02-01,2024-07-12,359.0,0.038978,92.191139,3.1640435,4.6620124,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_adj_covid19_from_claims,day,nation,2020-02-01,2024-07-12,1.0,0.020735,13.848815,3.1675374,3.2341658,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_adj_covid19_from_claims,day,state,2020-02-01,2024-07-12,51.0,0.013436,39.025142,2.9281557,3.8463412,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_covid19,day,county,2020-02-01,2020-09-27,1135.0,0.046381,89.228289,4.9482944,5.9092093,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_covid19,day,hrr,2020-02-01,2020-09-27,292.0,0.033958,47.850381,4.7536429,5.2624303,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_covid19,day,msa,2020-02-01,2020-09-27,329.0,0.023832,55.304972,4.8248071,5.4208578,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_covid19,day,state,2020-02-01,2020-09-27,51.0,0.013815,33.471472,4.9818181,4.8663739,2020-09-30 23:37:22,20200930,3,150.0 -hospital-admissions,smoothed_covid19_from_claims,day,county,2020-02-01,2024-07-12,1177.0,0.039949,90.293503,3.1460388,4.6547357,2024-07-17 05:25:37,20240716,3,1627.0 -hospital-admissions,smoothed_covid19_from_claims,day,hhs,2020-02-01,2024-07-12,10.0,0.01194,30.015204,2.8936553,3.4109434,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_covid19_from_claims,day,hrr,2020-02-01,2024-07-12,299.0,0.037466,47.175147,3.1020013,4.3148035,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_covid19_from_claims,day,msa,2020-02-01,2024-07-12,359.0,0.038978,91.481414,3.1489802,4.6386471,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_covid19_from_claims,day,nation,2020-02-01,2024-07-12,1.0,0.02086,13.621166,3.1446937,3.2121386,2024-07-17 05:25:37,20240716,4,1627.0 -hospital-admissions,smoothed_covid19_from_claims,day,state,2020-02-01,2024-07-12,51.0,0.013436,38.53863,2.9027892,3.8122003,2024-07-17 05:25:37,20240716,4,1627.0 -indicator-combination,confirmed_7dav_cumulative_num,day,county,2020-02-20,2021-07-22,3274.0,0.0,1223614.2857143,4451.6919025,22017.5320001,2021-10-29 13:56:26,20211029,1,334.0 -indicator-combination,confirmed_7dav_cumulative_num,day,hhs,2020-04-01,2021-07-22,10.0,0.0,7188417.571428901,1530969.9948894,1769830.2764193,2021-10-29 13:56:30,20211029,2,318.0 -indicator-combination,confirmed_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-22,306.0,0.0,1231096.211411,47209.0843248,88790.3765754,2021-10-29 13:56:30,20211029,1,318.0 -indicator-combination,confirmed_7dav_cumulative_num,day,msa,2020-02-20,2021-07-22,392.0,0.0,2315347.8571429,32561.8929064,108591.3589872,2021-10-29 13:56:33,20211029,1,318.0 -indicator-combination,confirmed_7dav_cumulative_num,day,nation,2020-04-01,2021-07-22,1.0,74929.2857143,33650273.85714449,15309699.9488942,12745243.5040741,2021-10-29 13:56:30,20211029,2,318.0 -indicator-combination,confirmed_7dav_cumulative_num,day,state,2020-02-20,2021-07-22,52.0,0.0,3760285.8571429,280274.0995621,497641.7493034,2021-10-29 13:56:27,20211029,1,318.0 -indicator-combination,confirmed_7dav_cumulative_prop,day,county,2020-02-20,2021-07-22,3221.0,0.0,82672.5905673,4345.8768113,4592.1599417,2021-10-29 13:56:30,20211029,1,334.0 -indicator-combination,confirmed_7dav_cumulative_prop,day,hhs,2020-04-01,2021-07-22,10.0,0.0,11461.734832056603,4479.4226489,3868.3229199,2021-10-29 13:56:27,20211029,2,330.0 -indicator-combination,confirmed_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-22,306.0,0.0,17582.261312,4376.9970734,4207.6585217,2021-10-29 13:56:27,20211029,1,318.0 -indicator-combination,confirmed_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-22,392.0,0.0,17506.9444955,4360.8940153,4233.6192614,2021-10-29 13:56:33,20211029,1,318.0 -indicator-combination,confirmed_7dav_cumulative_prop,day,nation,2020-04-01,2021-07-22,1.0,22.5716054,10136.766904521428,4611.8750896,3839.3613999,2021-10-29 13:56:27,20211029,2,330.0 -indicator-combination,confirmed_7dav_cumulative_prop,day,state,2020-02-20,2021-07-22,52.0,0.0,14571.1616265,4331.0505605,4228.9766786,2021-10-29 13:56:27,20211029,1,318.0 -indicator-combination,confirmed_7dav_incidence_num,day,county,2020-02-20,2021-11-12,3274.0,-6957.4285714,16237.4285714,22.1088929,115.4651391,2021-11-15 14:52:22,20211115,1,334.0 -indicator-combination,confirmed_7dav_incidence_num,day,hhs,2020-04-01,2021-11-12,10.0,-2385.7142882,60077.8571421,7701.7995164,9366.1461658,2021-11-15 14:52:33,20211115,2,317.0 -indicator-combination,confirmed_7dav_incidence_num,day,hrr,2020-02-20,2021-11-12,306.0,-878.66625472635,16309.6157378,234.124931,468.0589424,2021-11-15 14:52:33,20211115,1,317.0 -indicator-combination,confirmed_7dav_incidence_num,day,msa,2020-02-20,2021-11-12,392.0,-1301.0,19537.4285714,156.9855208,532.5178698,2021-11-15 14:52:35,20211115,1,317.0 -indicator-combination,confirmed_7dav_incidence_num,day,nation,2020-04-01,2021-11-12,1.0,6685.2857072,251196.4285711,77017.9951639,57826.4552552,2021-11-15 14:52:36,20211115,3,317.0 -indicator-combination,confirmed_7dav_incidence_num,day,state,2020-02-20,2021-11-12,52.0,-3731.8571429,45072.7142857,1388.8207591,2634.6073505,2021-11-15 14:52:37,20211115,1,314.0 -indicator-combination,confirmed_7dav_incidence_prop,day,county,2020-02-20,2021-11-12,3221.0,-1904.1515998,14610.2795136,23.1677207,40.1453694,2021-11-15 14:52:23,20211115,1,334.0 -indicator-combination,confirmed_7dav_incidence_prop,day,hhs,2020-04-01,2021-11-12,10.0,-3.565656322020853,113.5732954,22.5814568,20.0656748,2021-11-15 14:52:33,20211115,2,330.0 -indicator-combination,confirmed_7dav_incidence_prop,day,hrr,2020-02-20,2021-11-12,306.0,-132.5722959,683.6028314,22.5266058,25.799739,2021-11-15 14:52:33,20211115,1,317.0 -indicator-combination,confirmed_7dav_incidence_prop,day,msa,2020-02-20,2021-11-12,392.0,-793.0152259,1416.7418761,22.5201767,27.8145349,2021-11-15 14:52:35,20211115,1,317.0 -indicator-combination,confirmed_7dav_incidence_prop,day,nation,2020-04-01,2021-11-12,1.0,2.0138672,75.6701017,23.2008057,17.4195699,2021-11-15 14:52:36,20211115,3,330.0 -indicator-combination,confirmed_7dav_incidence_prop,day,state,2020-02-20,2021-11-12,52.0,-71.7332496,243.0667775,22.1858507,24.1984599,2021-11-15 14:52:37,20211115,1,314.0 -indicator-combination,confirmed_cumulative_num,day,county,2020-02-20,2021-11-12,3274.0,-1.0,1440262.0,5984.3194498,27226.9606968,2021-11-15 14:52:24,20211115,1,334.0 -indicator-combination,confirmed_cumulative_num,day,hhs,2020-04-01,2021-11-12,10.0,2834.0,10754684.0,2090196.4639594,2189823.6843901,2021-11-15 14:52:33,20211115,2,318.0 -indicator-combination,confirmed_cumulative_num,day,hrr,2020-02-20,2021-11-12,306.0,0.0,1449997.4965287,63347.0964754,109740.8308671,2021-11-15 14:52:33,20211115,1,318.0 -indicator-combination,confirmed_cumulative_num,day,msa,2020-02-20,2021-11-12,392.0,0.0,2707438.0,43084.3244209,133675.1598697,2021-11-15 14:52:35,20211115,1,318.0 -indicator-combination,confirmed_cumulative_num,day,nation,2020-04-01,2021-11-12,1.0,213422.0,46163217.0,20901964.6395939,14855182.7665433,2021-11-15 14:52:36,20211115,3,318.0 -indicator-combination,confirmed_cumulative_num,day,state,2020-02-20,2021-11-12,52.0,0.0,4719201.0,375917.7284567,620905.9963105,2021-11-15 14:52:37,20211115,1,318.0 -indicator-combination,confirmed_cumulative_prop,day,county,2020-02-20,2021-11-12,3221.0,0.0,113157.0023737,5932.7759708,5489.5382716,2021-11-15 14:52:25,20211115,1,334.0 -indicator-combination,confirmed_cumulative_prop,day,hhs,2020-04-01,2021-11-12,10.0,20.042121,16073.805310890504,6114.013827,4507.0973691,2021-11-15 14:52:33,20211115,2,330.0 -indicator-combination,confirmed_cumulative_prop,day,hrr,2020-02-20,2021-11-12,306.0,0.0,23409.3912388,5909.2742684,5007.9501693,2021-11-15 14:52:34,20211115,1,318.0 -indicator-combination,confirmed_cumulative_prop,day,msa,2020-02-20,2021-11-12,392.0,0.0,23963.098094,5838.3391798,5069.5083137,2021-11-15 14:52:35,20211115,1,318.0 -indicator-combination,confirmed_cumulative_prop,day,nation,2020-04-01,2021-11-12,1.0,64.2909795,13906.150430704109,6296.4819929,4474.9568954,2021-11-15 14:52:36,20211115,3,330.0 -indicator-combination,confirmed_cumulative_prop,day,state,2020-02-20,2021-11-12,52.0,0.0,20128.9936483,5812.9343872,5005.4235412,2021-11-15 14:52:37,20211115,1,318.0 -indicator-combination,confirmed_incidence_num,day,county,2020-02-20,2021-11-12,3274.0,-148527.0,42904.0,22.2074281,297.80297,2021-11-15 14:52:26,20211115,1,334.0 -indicator-combination,confirmed_incidence_num,day,hhs,2020-04-01,2021-11-12,10.0,-24483.0,190937.0,7725.6541455,10662.7906019,2021-11-15 14:52:33,20211115,2,312.0 -indicator-combination,confirmed_incidence_num,day,hrr,2020-02-20,2021-11-12,306.0,-17909.257254467,47945.581734851,235.1779886,639.5392126,2021-11-15 14:52:34,20211115,1,314.0 -indicator-combination,confirmed_incidence_num,day,msa,2020-02-20,2021-11-12,392.0,-18686.0,65726.0,157.6013825,663.4550004,2021-11-15 14:52:35,20211115,1,314.0 -indicator-combination,confirmed_incidence_num,day,nation,2020-04-01,2021-11-12,1.0,-13564.0,367596.0,77256.5414552,63187.0620031,2021-11-15 14:52:36,20211115,3,312.0 -indicator-combination,confirmed_incidence_num,day,state,2020-02-20,2021-11-12,52.0,-26123.0,184937.0,1395.0080331,3162.0483412,2021-11-15 14:52:37,20211115,1,312.0 -indicator-combination,confirmed_incidence_prop,day,county,2020-02-20,2021-11-12,3221.0,-101729.3997965,101792.3751393,23.3303381,134.0622205,2021-11-15 14:52:27,20211115,1,334.0 -indicator-combination,confirmed_incidence_prop,day,hhs,2020-04-01,2021-11-12,10.0,-38.6377762,446.98884,22.6624843,24.2530097,2021-11-15 14:52:33,20211115,2,330.0 -indicator-combination,confirmed_incidence_prop,day,hrr,2020-02-20,2021-11-12,306.0,-4448.496536,4522.4817459,22.6622844,44.7123514,2021-11-15 14:52:34,20211115,1,314.0 -indicator-combination,confirmed_incidence_prop,day,msa,2020-02-20,2021-11-12,392.0,-5610.2577169,9817.2538102,22.6600526,51.953771,2021-11-15 14:52:35,20211115,1,314.0 -indicator-combination,confirmed_incidence_prop,day,nation,2020-04-01,2021-11-12,1.0,-4.0860026,110.7341647,23.2726651,19.0343925,2021-11-15 14:52:36,20211115,3,330.0 -indicator-combination,confirmed_incidence_prop,day,state,2020-02-20,2021-11-12,52.0,-1064.0310198,1208.2647001,22.3484305,39.0445092,2021-11-15 14:52:37,20211115,1,312.0 -indicator-combination,deaths_7dav_cumulative_num,day,county,2020-02-20,2021-07-22,3274.0,-0.8571429,24591.7142857,89.0526477,455.8095796,2021-10-29 13:56:27,20211029,1,334.0 -indicator-combination,deaths_7dav_cumulative_num,day,hhs,2020-04-01,2021-07-22,10.0,0.0,122223.8571425,30680.4244471,30544.0285349,2021-10-29 13:56:27,20211029,2,317.0 -indicator-combination,deaths_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-22,306.0,0.0,24684.7851819,944.2730089,1831.152352,2021-10-29 13:56:30,20211029,1,317.0 -indicator-combination,deaths_7dav_cumulative_num,day,msa,2020-02-20,2021-07-22,392.0,0.0,64098.5714286,645.9568113,2820.0567566,2021-10-29 13:56:33,20211029,1,318.0 -indicator-combination,deaths_7dav_cumulative_num,day,nation,2020-04-01,2021-07-22,1.0,1509.0,605490.7142845,306804.244471,203390.6676691,2021-10-29 13:56:27,20211029,2,317.0 -indicator-combination,deaths_7dav_cumulative_num,day,state,2020-02-20,2021-07-22,52.0,0.0,63489.1428571,5597.7123275,9450.7260523,2021-10-29 13:56:27,20211029,1,313.0 -indicator-combination,deaths_7dav_cumulative_prop,day,county,2020-02-20,2021-07-22,3221.0,0.0,865.8008658,86.1857417,109.1087456,2021-10-29 13:56:30,20211029,1,334.0 -indicator-combination,deaths_7dav_cumulative_prop,day,hhs,2020-04-01,2021-07-22,10.0,0.0,257.10243768508366,90.3874467,69.311358,2021-10-29 13:56:27,20211029,2,330.0 -indicator-combination,deaths_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-22,306.0,0.0,447.3055058,85.7092678,83.5464891,2021-10-29 13:56:27,20211029,1,317.0 -indicator-combination,deaths_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-22,392.0,0.0,409.4583782,77.2413093,79.5813029,2021-10-29 13:56:33,20211029,1,318.0 -indicator-combination,deaths_7dav_cumulative_prop,day,nation,2020-04-01,2021-07-22,1.0,0.4545693,182.39727437614965,92.4213314,61.2691533,2021-10-29 13:56:27,20211029,2,330.0 -indicator-combination,deaths_7dav_cumulative_prop,day,state,2020-02-20,2021-07-22,52.0,0.0,298.2372591,79.2846492,74.5228878,2021-10-29 13:56:27,20211029,1,313.0 -indicator-combination,deaths_7dav_incidence_num,day,county,2020-02-20,2021-11-12,3274.0,-254.2857143,686.8571429,0.3590364,2.8958922,2021-11-15 14:52:28,20211115,1,334.0 -indicator-combination,deaths_7dav_incidence_num,day,hhs,2020-04-01,2021-11-12,10.0,-3.1428575,1210.9999961999995,124.9525734,154.3357872,2021-11-15 14:52:33,20211115,2,317.0 -indicator-combination,deaths_7dav_incidence_num,day,hrr,2020-02-20,2021-11-12,306.0,-25.2855085,430.8454645,3.6795073,9.3771559,2021-11-15 14:52:34,20211115,1,317.0 -indicator-combination,deaths_7dav_incidence_num,day,msa,2020-02-20,2021-11-12,392.0,-153.7142857,1185.0,2.3953846,13.3030792,2021-11-15 14:52:35,20211115,1,318.0 -indicator-combination,deaths_7dav_incidence_num,day,nation,2020-04-01,2021-11-12,1.0,196.142843,3511.571428,1249.5257335,783.8521562,2021-11-15 14:52:36,20211115,3,317.0 -indicator-combination,deaths_7dav_incidence_num,day,state,2020-02-20,2021-11-12,52.0,-53.0,955.85714285714,22.544682,48.2912951,2021-11-15 14:52:37,20211115,1,313.0 -indicator-combination,deaths_7dav_incidence_prop,day,county,2020-02-20,2021-11-12,3221.0,-1345.5069678,1345.5069678,0.4115553,1.8048072,2021-11-15 14:52:28,20211115,1,334.0 -indicator-combination,deaths_7dav_incidence_prop,day,hhs,2020-04-01,2021-11-12,10.0,-0.0218996,3.6923205,0.3554414,0.3633378,2021-11-15 14:52:33,20211115,2,330.0 -indicator-combination,deaths_7dav_incidence_prop,day,hrr,2020-02-20,2021-11-12,306.0,-10.403212,12.6861376,0.360123,0.5118885,2021-11-15 14:52:34,20211115,1,317.0 -indicator-combination,deaths_7dav_incidence_prop,day,msa,2020-02-20,2021-11-12,392.0,-30.2564418,30.2564418,0.3425532,0.5820389,2021-11-15 14:52:36,20211115,1,318.0 -indicator-combination,deaths_7dav_incidence_prop,day,nation,2020-04-01,2021-11-12,1.0,0.0590858,1.0578214,0.3764056,0.2361267,2021-11-15 14:52:36,20211115,3,330.0 -indicator-combination,deaths_7dav_incidence_prop,day,state,2020-02-20,2021-11-12,52.0,-1.1045736,6.5277897,0.3342936,0.4295404,2021-11-15 14:52:37,20211115,1,313.0 -indicator-combination,deaths_cumulative_num,day,county,2020-02-20,2021-11-12,3274.0,-6.0,26620.0,112.3033097,545.2133812,2021-11-15 14:52:29,20211115,1,334.0 -indicator-combination,deaths_cumulative_num,day,hhs,2020-04-01,2021-11-12,10.0,42.0,175955.0,39221.4698816,36253.7431315,2021-11-15 14:52:33,20211115,2,317.0 -indicator-combination,deaths_cumulative_num,day,hrr,2020-02-20,2021-11-12,306.0,0.0,26734.5151766,1182.3602567,2115.7369269,2021-11-15 14:52:34,20211115,1,317.0 -indicator-combination,deaths_cumulative_num,day,msa,2020-02-20,2021-11-12,392.0,0.0,65872.0,796.0354813,3147.3979619,2021-11-15 14:52:36,20211115,1,318.0 -indicator-combination,deaths_cumulative_num,day,nation,2020-04-01,2021-11-12,1.0,5395.0,757905.0,392214.6988156,226518.2828577,2021-11-15 14:52:36,20211115,3,316.0 -indicator-combination,deaths_cumulative_num,day,state,2020-02-20,2021-11-12,52.0,0.0,72025.0,7053.902842,11290.4859944,2021-11-15 14:52:37,20211115,1,313.0 -indicator-combination,deaths_cumulative_prop,day,county,2020-02-20,2021-11-12,3221.0,-2.1855057,9418.5487746,114.3161118,127.0910736,2021-11-15 14:52:30,20211115,1,334.0 -indicator-combination,deaths_cumulative_prop,day,hhs,2020-04-01,2021-11-12,10.0,0.2970251,270.0505137167101,114.0193479,75.0077572,2021-11-15 14:52:33,20211115,2,330.0 -indicator-combination,deaths_cumulative_prop,day,hrr,2020-02-20,2021-11-12,306.0,0.0,468.3035098,109.2108647,94.016468,2021-11-15 14:52:34,20211115,1,317.0 -indicator-combination,deaths_cumulative_prop,day,msa,2020-02-20,2021-11-12,392.0,0.0,502.09532,99.4237986,91.8949409,2021-11-15 14:52:36,20211115,1,318.0 -indicator-combination,deaths_cumulative_prop,day,nation,2020-04-01,2021-11-12,1.0,1.6251831,228.3103654189177,118.1502711,68.2360875,2021-11-15 14:52:36,20211115,3,330.0 -indicator-combination,deaths_cumulative_prop,day,state,2020-02-20,2021-11-12,52.0,0.0,343.3682106,100.0364694,83.6742364,2021-11-15 14:52:37,20211115,1,313.0 -indicator-combination,deaths_incidence_num,day,county,2020-02-20,2021-11-12,3274.0,-2039.0,3112.0,0.3603695,5.4952678,2021-11-15 14:52:31,20211115,1,334.0 -indicator-combination,deaths_incidence_num,day,hhs,2020-04-01,2021-11-12,10.0,-1407.0,3112.0,125.0966159,192.0161107,2021-11-15 14:52:33,20211115,2,316.0 -indicator-combination,deaths_incidence_num,day,hrr,2020-02-20,2021-11-12,306.0,-243.0117977,1233.7505426,3.6924741,12.5288124,2021-11-15 14:52:34,20211115,1,318.0 -indicator-combination,deaths_incidence_num,day,msa,2020-02-20,2021-11-12,392.0,-1076.0,2795.0,2.4017705,15.9164269,2021-11-15 14:52:36,20211115,1,318.0 -indicator-combination,deaths_incidence_num,day,nation,2020-04-01,2021-11-12,1.0,60.0,5073.0,1250.9661591,938.9711774,2021-11-15 14:52:37,20211115,3,317.0 -indicator-combination,deaths_incidence_num,day,state,2020-02-20,2021-11-12,52.0,-2039.0,3112.0,22.6283167,66.4805602,2021-11-15 14:52:37,20211115,1,313.0 -indicator-combination,deaths_incidence_prop,day,county,2020-02-20,2021-11-12,3221.0,-9418.5487746,9418.5487746,0.4144913,9.8963304,2021-11-15 14:52:32,20211115,1,334.0 -indicator-combination,deaths_incidence_prop,day,hhs,2020-04-01,2021-11-12,10.0,-2.1028831783828275,5.9858728,0.355723,0.4624611,2021-11-15 14:52:33,20211115,2,330.0 -indicator-combination,deaths_incidence_prop,day,hrr,2020-02-20,2021-11-12,306.0,-77.2274987,78.6293771,0.3619639,0.8969666,2021-11-15 14:52:34,20211115,1,317.0 -indicator-combination,deaths_incidence_prop,day,msa,2020-02-20,2021-11-12,392.0,-211.7950926,211.7950926,0.3444498,1.3139372,2021-11-15 14:52:36,20211115,1,318.0 -indicator-combination,deaths_incidence_prop,day,nation,2020-04-01,2021-11-12,1.0,0.0180743,1.5281842,0.3768395,0.2828545,2021-11-15 14:52:37,20211115,3,330.0 -indicator-combination,deaths_incidence_prop,day,state,2020-02-20,2021-11-12,52.0,-9.381911,43.1070973,0.3363865,0.7775213,2021-11-15 14:52:37,20211115,1,313.0 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,county,2020-04-15,2021-03-16,2568.0,0.0772939554526739,7.249569898307247,0.8020888,0.3469438,2021-03-17 19:26:02,20210317,1,96.0 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,msa,2020-04-15,2021-03-16,385.0,0.048225644401162,11.443310258552296,0.723743,0.3998013,2021-03-17 19:26:03,20210317,1,96.0 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,state,2020-04-15,2021-03-15,52.0,0.112490007177036,5.9145150758884615,0.792171,0.3823998,2021-03-17 19:26:02,20210317,1,96.0 -indicator-combination,nmf_day_doc_fbs_ght,day,county,2020-04-06,2020-05-26,2296.0,0.0,16.246099029316,0.7203178,0.5380712,2020-05-27 05:51:41,20200527,1,51.0 -indicator-combination,nmf_day_doc_fbs_ght,day,msa,2020-04-06,2020-05-26,382.0,0.0,4.32452661550886,0.7509085,0.4499194,2020-05-27 05:51:41,20200527,1,51.0 -indicator-combination,nmf_day_doc_fbs_ght,day,state,2020-04-06,2020-05-26,52.0,0.0747817727440569,2.81993801241547,0.8575687,0.3721018,2020-05-27 05:51:41,20200527,1,51.0 -jhu-csse,confirmed_7dav_cumulative_num,day,county,2020-02-20,2021-07-24,3282.0,0.0,1273531.1428571,4582.0314916,22504.3819196,2021-07-25 14:11:01,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_num,day,hhs,2020-02-20,2021-07-24,10.0,0.0,7502075.1428571,1501599.8941322,1784142.1776819,2021-07-25 14:12:29,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-24,306.0,0.0,1281828.762904,48458.6734733,90833.944416,2021-07-25 14:12:30,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_num,day,msa,2020-02-20,2021-07-24,392.0,0.0,2335772.5714286,32724.7979168,110129.4225725,2021-07-25 14:12:39,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_num,day,nation,2020-02-20,2021-07-24,1.0,14.0,34218297.2857143,15017599.4123938,12924731.7886493,2021-07-25 14:12:50,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_num,day,state,2020-02-20,2021-07-24,56.0,0.0,3882270.5714286,268142.8382428,493481.2409128,2021-07-25 14:12:51,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_prop,day,county,2020-02-20,2021-07-24,3274.0,0.0,44068.6845931,4417.5741688,4581.8371522,2021-07-25 14:11:06,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_prop,day,hhs,2020-02-20,2021-07-24,10.0,0.0,11481.4709598,4390.0646849,3914.4412687,2021-07-25 14:12:29,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-24,306.0,0.0,17932.6864002,4490.5310432,4208.3379905,2021-07-25 14:12:30,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-24,392.0,0.0,17506.9444955,4365.0146125,4268.0348645,2021-07-25 14:12:39,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_prop,day,nation,2020-02-20,2021-07-24,1.0,0.0042129,10296.9382077,4519.0820538,3889.2982742,2021-07-25 14:12:50,20210725,1,428.0 -jhu-csse,confirmed_7dav_cumulative_prop,day,state,2020-02-20,2021-07-24,56.0,0.0,14578.8475403,4209.7985746,4200.4128035,2021-07-25 14:12:51,20210725,1,428.0 -jhu-csse,confirmed_7dav_incidence_num,day,county,2020-02-20,2023-03-09,3284.0,-55155.8571429,55155.7142857,28.3952515,199.7991459,2023-03-10 10:58:39,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_num,day,hhs,2020-02-20,2023-03-09,10.0,-206.7142857,179745.8571429,9307.0435089,15214.0682299,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_num,day,hrr,2020-02-20,2023-03-09,306.0,-3856.368581,41764.0236591,297.9313466,774.2768196,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_num,day,msa,2020-02-20,2023-03-09,392.0,-3857.1428571,88629.4285714,202.9255727,933.9193079,2023-03-10 11:00:32,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_num,day,nation,2020-02-20,2023-03-09,1.0,0.2857143,806782.1428571,93043.1446525,114522.2791263,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_num,day,state,2020-02-20,2023-03-09,56.0,-3588.1428571,123179.4285714,1662.2722518,4172.8495144,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_prop,day,county,2020-02-20,2023-03-09,3276.0,-1686.1219196,2841.3575375,27.101371,43.7137121,2023-03-10 10:58:47,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_prop,day,hhs,2020-02-20,2023-03-09,10.0,-1.4591803,392.7720066,27.3187456,36.2477389,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_prop,day,hrr,2020-02-20,2023-03-09,306.0,-122.4798617,690.4598967,27.5967365,38.416351,2023-03-10 11:00:23,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_prop,day,msa,2020-02-20,2023-03-09,392.0,-199.0058129,616.6887806,27.5891708,39.6257666,2023-03-10 11:00:32,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_prop,day,nation,2020-02-20,2023-03-09,1.0,8.57e-05,241.870203,27.8939792,34.3333416,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_7dav_incidence_prop,day,state,2020-02-20,2023-03-09,56.0,-59.7145264,658.5922059,27.621264,40.4790137,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_num,day,county,2020-01-22,2023-03-09,3284.0,-3073.0,3710586.0,14353.1869473,63767.5389842,2023-03-10 10:58:56,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_num,day,hhs,2020-02-20,2023-03-09,10.0,0.0,22820900.0,4825882.233519,5140574.2058624,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_num,day,hrr,2020-01-22,2023-03-09,306.0,0.0,3730976.336434,150971.0242582,258092.7498978,2023-03-10 11:00:23,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_num,day,msa,2020-01-22,2023-03-09,392.0,0.0,7174275.0,102240.7889401,317181.9992659,2023-03-10 11:00:33,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_num,day,nation,2020-02-20,2023-03-09,1.0,16.0,103759705.0,48280583.8779174,36106734.8695721,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_num,day,state,2020-01-22,2023-03-09,56.0,0.0,12129699.0,841422.3893843,1438788.0526839,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_prop,day,county,2020-01-22,2023-03-09,3276.0,0.0,222651.9337017,13910.3505283,11790.9558726,2023-03-10 10:59:05,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_prop,day,hhs,2020-02-20,2023-03-09,10.0,0.0,34229.2575611,14157.6410136,10766.8762807,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_prop,day,hrr,2020-01-22,2023-03-09,306.0,0.0,53215.8354471,14039.5268056,11201.3530986,2023-03-10 11:00:24,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_prop,day,msa,2020-01-22,2023-03-09,392.0,0.0,49355.6779666,13931.4030991,11380.4602644,2023-03-10 11:00:34,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_prop,day,nation,2020-02-20,2023-03-09,1.0,0.0047967,31106.7630072,14474.3345265,10824.6611202,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_cumulative_prop,day,state,2020-01-22,2023-03-09,56.0,0.0,43580.1820977,13802.5773159,11492.6760266,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_incidence_num,day,county,2020-01-22,2023-03-09,3284.0,-379973.0,150251.0,27.7235964,470.1277512,2023-03-10 10:59:15,20230310,1,1107.0 -jhu-csse,confirmed_incidence_num,day,hhs,2020-02-20,2023-03-09,10.0,-7449.0,399993.0,9315.8598886,18034.5429404,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_incidence_num,day,hrr,2020-01-22,2023-03-09,306.0,-26994.5800669,130067.1647396,290.628315,1123.0934006,2023-03-10 11:00:25,20230310,1,1107.0 -jhu-csse,confirmed_incidence_num,day,msa,2020-01-22,2023-03-09,392.0,-27000.0,189842.0,198.0688441,1227.1508316,2023-03-10 11:00:35,20230310,1,1107.0 -jhu-csse,confirmed_incidence_num,day,nation,2020-02-20,2023-03-09,1.0,-3862.0,1354180.0,93141.5529623,127207.5285887,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_incidence_num,day,state,2020-01-22,2023-03-09,56.0,-27000.0,207110.0,1625.2383288,5188.8291669,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,confirmed_incidence_prop,day,county,2020-01-22,2023-03-09,3276.0,-11802.8534371,11123.5744999,26.4636876,78.2824164,2023-03-10 10:59:25,20230310,1,1107.0 -jhu-csse,confirmed_incidence_prop,day,hhs,2020-02-20,2023-03-09,10.0,-52.5819213,800.8907647,27.3441848,44.3496797,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,confirmed_incidence_prop,day,hrr,2020-01-22,2023-03-09,306.0,-1181.5455977,3739.329053,26.9242122,63.6451361,2023-03-10 11:00:26,20230310,1,1107.0 -jhu-csse,confirmed_incidence_prop,day,msa,2020-01-22,2023-03-09,392.0,-1758.6873497,4131.1710137,26.9369303,65.8709355,2023-03-10 11:00:36,20230310,1,1107.0 -jhu-csse,confirmed_incidence_prop,day,nation,2020-02-20,2023-03-09,1.0,-1.1578128,405.9779886,27.9234816,38.1363309,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,confirmed_incidence_prop,day,state,2020-01-22,2023-03-09,56.0,-418.0016846,1830.0041427,27.0079029,59.5064043,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,deaths_7dav_cumulative_num,day,county,2020-02-20,2021-07-24,3282.0,0.0,24605.7142857,91.0756647,457.7033909,2021-07-25 14:11:47,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_num,day,hhs,2020-02-20,2021-07-24,10.0,0.0,122371.7142857,29844.3231149,30809.2957863,2021-07-25 14:12:29,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-24,306.0,0.0,24704.173594,961.7329457,1838.2063543,2021-07-25 14:12:34,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_num,day,msa,2020-02-20,2021-07-24,392.0,0.0,64432.8571429,647.2079421,2819.3812933,2021-07-25 14:12:44,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_num,day,nation,2020-02-20,2021-07-24,1.0,1.0,609746.4285714,298466.2292295,208991.9277043,2021-07-25 14:12:50,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_num,day,state,2020-02-20,2021-07-24,56.0,0.0,64175.4285714,5329.3434134,9345.5475859,2021-07-25 14:12:52,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_prop,day,county,2020-02-20,2021-07-24,3274.0,0.0,865.8008658,86.9831932,109.2082606,2021-07-25 14:11:52,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_prop,day,hhs,2020-02-20,2021-07-24,10.0,0.0,257.8601376,87.6666226,70.4070081,2021-07-25 14:12:29,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-24,306.0,0.0,448.2516859,87.5430088,83.7548751,2021-07-25 14:12:35,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-24,392.0,0.0,411.1138703,77.5600648,80.1993607,2021-07-25 14:12:45,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_prop,day,nation,2020-02-20,2021-07-24,1.0,0.0003009,183.4843284,89.8141802,62.8896566,2021-07-25 14:12:50,20210725,1,486.0 -jhu-csse,deaths_7dav_cumulative_prop,day,state,2020-02-20,2021-07-24,56.0,0.0,299.0060527,76.573521,74.2259352,2021-07-25 14:12:52,20210725,1,486.0 -jhu-csse,deaths_7dav_incidence_num,day,county,2020-02-20,2023-03-09,3284.0,-3607.5714286,418.1428571,0.3075687,5.7273992,2023-03-10 10:59:35,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_num,day,hhs,2020-02-20,2023-03-09,10.0,-77.7142857,1290.0,100.7926756,133.5207972,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_num,day,hrr,2020-02-20,2023-03-09,306.0,-56.6686916,710.7492667,3.2353914,9.2226356,2023-03-10 11:00:27,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_num,day,msa,2020-02-20,2023-03-09,392.0,-153.7142857,982.8571429,2.0747886,11.3428703,2023-03-10 11:00:37,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_num,day,nation,2020-02-20,2023-03-09,1.0,0.0,3376.4285714,1007.5125673,767.0529034,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_num,day,state,2020-02-20,2023-03-09,56.0,-100.5714286,1013.5714286,18.0009672,38.6344064,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_prop,day,county,2020-02-20,2023-03-09,3276.0,-41.3288637,93.779306,0.365256,1.1151402,2023-03-10 10:59:43,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_prop,day,hhs,2020-02-20,2023-03-09,10.0,-0.4945528,4.0251346,0.2878276,0.3181404,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_prop,day,hrr,2020-02-20,2023-03-09,306.0,-8.3471689,30.6551546,0.3196907,0.5725128,2023-03-10 11:00:28,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_prop,day,msa,2020-02-20,2023-03-09,392.0,-30.2564418,35.1984464,0.3061659,0.6238996,2023-03-10 11:00:38,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_prop,day,nation,2020-02-20,2023-03-09,1.0,0.0,1.0122404,0.3020484,0.2299595,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,deaths_7dav_incidence_prop,day,state,2020-02-20,2023-03-09,56.0,-2.8933225,6.1581568,0.2802725,0.3726797,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,deaths_cumulative_num,day,county,2020-01-22,2023-03-09,3284.0,-82.0,35545.0,190.5197878,780.0843981,2023-03-10 10:59:51,20230310,1,1107.0 -jhu-csse,deaths_cumulative_num,day,hhs,2020-02-20,2023-03-09,10.0,0.0,259166.0,64052.6121441,59661.1248867,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,deaths_cumulative_num,day,hrr,2020-01-22,2023-03-09,306.0,0.0,35736.6565225,1996.5240135,3094.770263,2023-03-10 11:00:28,20230310,1,1107.0 -jhu-csse,deaths_cumulative_num,day,msa,2020-01-22,2023-03-09,392.0,0.0,86123.0,1297.1952789,4213.0963038,2023-03-10 11:00:39,20230310,1,1107.0 -jhu-csse,deaths_cumulative_num,day,nation,2020-02-20,2023-03-09,1.0,1.0,1123647.0,640678.7935368,367150.4558116,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,deaths_cumulative_num,day,state,2020-01-22,2023-03-09,56.0,0.0,101159.0,11168.8936217,16972.8601255,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,deaths_cumulative_prop,day,county,2020-01-22,2023-03-09,3276.0,0.0,1386.962552,214.3349027,195.0967167,2023-03-10 10:59:59,20230310,1,1107.0 -jhu-csse,deaths_cumulative_prop,day,hhs,2020-02-20,2023-03-09,10.0,0.0,383.8666291,182.9312278,111.7193226,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,deaths_cumulative_prop,day,hrr,2020-01-22,2023-03-09,306.0,0.0,670.510457,193.1950839,144.654354,2023-03-10 11:00:29,20230310,1,1107.0 -jhu-csse,deaths_cumulative_prop,day,msa,2020-01-22,2023-03-09,392.0,0.0,768.3949799,181.0682597,149.2546543,2023-03-10 11:00:40,20230310,1,1107.0 -jhu-csse,deaths_cumulative_prop,day,nation,2020-02-20,2023-03-09,1.0,0.0002998,336.8650762,192.0730537,110.0703035,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,deaths_cumulative_prop,day,state,2020-01-22,2023-03-09,56.0,0.0,451.4689698,168.8182177,128.4863521,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,deaths_incidence_num,day,county,2020-01-22,2023-03-09,3284.0,-25525.0,2874.0,0.3002776,14.6826257,2023-03-10 11:00:07,20230310,1,1107.0 -jhu-csse,deaths_incidence_num,day,hhs,2020-02-20,2023-03-09,10.0,-661.0,2452.0,100.8800755,163.8194274,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,deaths_incidence_num,day,hrr,2020-01-22,2023-03-09,306.0,-593.9064838,4975.2448667,3.1563923,17.9064987,2023-03-10 11:00:30,20230310,1,1107.0 -jhu-csse,deaths_incidence_num,day,msa,2020-01-22,2023-03-09,392.0,-1076.0,6165.0,2.0254899,18.5879756,2023-03-10 11:00:41,20230310,1,1107.0 -jhu-csse,deaths_incidence_num,day,nation,2020-02-20,2023-03-09,1.0,-253.0,4375.0,1008.6050269,925.0308337,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,deaths_incidence_num,day,state,2020-01-22,2023-03-09,56.0,-704.0,2441.0,17.5963736,50.492574,2023-03-10 11:00:44,20230310,1,1107.0 -jhu-csse,deaths_incidence_prop,day,county,2020-01-22,2023-03-09,3276.0,-289.3020459,656.4551422,0.3566426,2.7174116,2023-03-10 11:00:15,20230310,1,1107.0 -jhu-csse,deaths_incidence_prop,day,hhs,2020-02-20,2023-03-09,10.0,-3.7986275,17.3084805,0.2880929,0.4283799,2023-03-10 11:00:22,20230310,1,1107.0 -jhu-csse,deaths_incidence_prop,day,hrr,2020-01-22,2023-03-09,306.0,-58.4301826,214.5860825,0.3119563,1.2531446,2023-03-10 11:00:31,20230310,1,1107.0 -jhu-csse,deaths_incidence_prop,day,msa,2020-01-22,2023-03-09,392.0,-211.7950926,246.3891249,0.298964,1.4898235,2023-03-10 11:00:42,20230310,1,1107.0 -jhu-csse,deaths_incidence_prop,day,nation,2020-02-20,2023-03-09,1.0,-0.0758484,1.3116083,0.3023759,0.2773207,2023-03-10 11:00:43,20230310,1,1107.0 -jhu-csse,deaths_incidence_prop,day,state,2020-01-22,2023-03-09,56.0,-20.2532572,43.1070973,0.2740545,0.666353,2023-03-10 11:00:44,20230310,1,1107.0 -nchs-mortality,deaths_allcause_incidence_num,week,nation,2020-02-02,2024-06-30,1.0,18367.0,87415.0,62753.1212121,8137.3670414,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_allcause_incidence_num,week,state,2020-01-26,2024-06-30,52.0,0.0,12529.0,1219.2535655,1270.4477288,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_allcause_incidence_prop,week,nation,2020-02-02,2024-06-30,1.0,5.4974047,26.1640786,18.7825613,2.4355855,2024-07-11 20:02:31,202428,1,208.0 -nchs-mortality,deaths_allcause_incidence_prop,week,state,2020-01-26,2024-06-30,52.0,0.0,64.7936347,19.7829043,4.1936175,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_num,week,nation,2020-02-02,2024-06-30,1.0,1.0,13560.0,2546.4891775,3102.444584,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_num,week,state,2020-01-26,2024-06-30,52.0,0.0,3120.0,74.7734843,166.3656996,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_prop,week,nation,2020-02-02,2024-06-30,1.0,0.0002993,4.0586273,0.7621866,0.928589,2024-07-11 20:02:31,202428,1,208.0 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_prop,week,state,2020-01-26,2024-06-30,52.0,0.0,15.0593874,1.0323062,1.3851003,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_covid_incidence_num,week,nation,2020-02-02,2024-06-30,1.0,4.0,26028.0,5180.4069264,5803.1619944,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_covid_incidence_num,week,state,2020-01-26,2024-06-30,52.0,0.0,6900.0,125.7584204,277.4175157,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_covid_incidence_prop,week,nation,2020-02-02,2024-06-30,1.0,0.0011972,7.7904094,1.5505414,1.7369374,2024-07-11 20:02:31,202428,1,208.0 -nchs-mortality,deaths_covid_incidence_prop,week,state,2020-01-26,2024-06-30,52.0,0.0,35.6833011,1.8490244,2.4358915,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_flu_incidence_num,week,nation,2020-02-02,2024-06-30,1.0,3.0,1053.0,130.7359307,219.5542404,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_flu_incidence_num,week,state,2020-01-26,2024-06-30,52.0,0.0,341.0,2.5239014,9.8127152,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_flu_incidence_prop,week,nation,2020-02-02,2024-06-30,1.0,0.0008979,0.3151722,0.0391304,0.0657145,2024-07-11 20:02:31,202428,1,208.0 -nchs-mortality,deaths_flu_incidence_prop,week,state,2020-01-26,2024-06-30,52.0,0.0,1.7634791,0.0286143,0.1006508,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_percent_of_expected,week,nation,2020-02-02,2024-06-30,1.0,35.0,148.0,115.012987,12.6479061,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_percent_of_expected,week,state,2020-01-26,2024-06-30,52.0,0.0,974.0,116.6793394,26.8318025,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_pneumonia_notflu_incidence_num,week,nation,2020-02-02,2024-06-30,1.0,1033.0,16923.0,5621.978355,3210.6857077,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_pneumonia_notflu_incidence_num,week,state,2020-01-26,2024-06-30,52.0,0.0,3516.0,119.3092671,183.7273371,2024-07-11 20:02:31,202428,1,151.0 -nchs-mortality,deaths_pneumonia_notflu_incidence_prop,week,nation,2020-02-02,2024-06-30,1.0,0.309186,5.0652028,1.6827076,0.9609865,2024-07-11 20:02:31,202428,1,208.0 -nchs-mortality,deaths_pneumonia_notflu_incidence_prop,week,state,2020-01-26,2024-06-30,52.0,0.0,18.0071383,1.7942397,1.3154329,2024-07-11 20:02:32,202428,1,151.0 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_num,week,nation,2020-02-02,2024-06-30,1.0,1130.0,29426.0,8373.3246753,5879.3912842,2024-07-11 20:02:31,202428,1,206.0 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_num,week,state,2020-01-26,2024-06-30,52.0,0.0,7487.0,171.2118748,295.1599189,2024-07-11 20:02:32,202428,1,151.0 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_prop,week,nation,2020-02-02,2024-06-30,1.0,0.3382189,8.8074607,2.5062097,1.7597535,2024-07-11 20:02:31,202428,1,208.0 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_prop,week,state,2020-01-26,2024-06-30,52.0,0.0,38.7189674,2.6426429,2.3571262,2024-07-11 20:02:32,202428,1,151.0 -nssp,pct_ed_visits_combined,week,county,2022-09-25,2024-06-30,2950.0,0.0,100.0,3.4143,3.7335714,2024-07-12 23:21:58,202428,1,93.0 -nssp,pct_ed_visits_combined,week,hrr,2022-09-25,2024-06-30,305.0,0.0,979.8262271,25.5895479,53.5643105,2024-07-12 23:22:05,202428,1,93.0 -nssp,pct_ed_visits_combined,week,msa,2022-09-25,2024-06-30,377.0,0.0,33.33,3.2973987,3.2894222,2024-07-12 23:22:06,202428,1,93.0 -nssp,pct_ed_visits_combined,week,nation,2022-09-25,2024-06-30,1.0,0.7,10.07,3.1775269,2.5247602,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_combined,week,state,2022-09-25,2024-06-30,48.0,0.0,18.51,3.2584789,2.9220065,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_covid,week,county,2022-09-25,2024-06-30,2950.0,0.0,100.0,1.5876442,1.4889733,2024-07-12 23:21:59,202428,1,93.0 -nssp,pct_ed_visits_covid,week,hrr,2022-09-25,2024-06-30,305.0,0.0,311.5972081,11.8991794,21.0702111,2024-07-12 23:22:05,202428,1,93.0 -nssp,pct_ed_visits_covid,week,msa,2022-09-25,2024-06-30,377.0,0.0,25.0,1.5687724,1.2201358,2024-07-12 23:22:06,202428,1,93.0 -nssp,pct_ed_visits_covid,week,nation,2022-09-25,2024-06-30,1.0,0.34,3.79,1.4964516,0.8244994,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_covid,week,state,2022-09-25,2024-06-30,48.0,0.0,6.14,1.567733,1.0344043,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_influenza,week,county,2022-09-25,2024-06-30,2950.0,0.0,100.0,1.5031473,2.6880486,2024-07-12 23:22:00,202428,1,93.0 -nssp,pct_ed_visits_influenza,week,hrr,2022-09-25,2024-06-30,305.0,0.0,717.7298925,11.2657727,33.1535884,2024-07-12 23:22:05,202428,1,93.0 -nssp,pct_ed_visits_influenza,week,msa,2022-09-25,2024-06-30,377.0,0.0,33.33,1.4139352,2.3319394,2024-07-12 23:22:06,202428,1,93.0 -nssp,pct_ed_visits_influenza,week,nation,2022-09-25,2024-06-30,1.0,0.15,6.69,1.4260215,1.6881173,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_influenza,week,state,2022-09-25,2024-06-30,48.0,0.0,14.02,1.3865659,2.0466715,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_rsv,week,county,2022-09-25,2024-06-30,2950.0,0.0,50.0,0.3744205,0.806547,2024-07-12 23:22:01,202428,1,93.0 -nssp,pct_ed_visits_rsv,week,hrr,2022-09-25,2024-06-30,305.0,0.0,192.012669,2.8061764,8.4453292,2024-07-12 23:22:05,202428,1,93.0 -nssp,pct_ed_visits_rsv,week,msa,2022-09-25,2024-06-30,377.0,0.0,12.5,0.3614361,0.6316735,2024-07-12 23:22:06,202428,1,93.0 -nssp,pct_ed_visits_rsv,week,nation,2022-09-25,2024-06-30,1.0,0.01,1.21,0.2988172,0.3509981,2024-07-12 23:22:07,202428,1,93.0 -nssp,pct_ed_visits_rsv,week,state,2022-09-25,2024-06-30,48.0,0.0,3.51,0.3487948,0.5227118,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_combined,week,county,2022-09-25,2024-06-30,2950.0,0.0,99.22,3.5107064,3.9967925,2024-07-12 23:22:02,202428,1,93.0 -nssp,smoothed_pct_ed_visits_combined,week,hrr,2022-09-25,2024-06-30,305.0,0.0,957.3675833,26.0703963,53.4720771,2024-07-12 23:22:05,202428,1,93.0 -nssp,smoothed_pct_ed_visits_combined,week,msa,2022-09-25,2024-06-30,377.0,0.01,78.38,3.3416261,3.4476819,2024-07-12 23:22:06,202428,1,93.0 -nssp,smoothed_pct_ed_visits_combined,week,nation,2022-09-25,2024-06-30,1.0,0.71,9.39,3.1963441,2.4727695,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_combined,week,state,2022-09-25,2024-06-30,48.0,0.19,16.85,3.2816667,2.8495445,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_covid,week,county,2022-09-25,2024-06-30,2950.0,0.0,100.0,1.6273512,1.8472852,2024-07-12 23:22:03,202428,1,93.0 -nssp,smoothed_pct_ed_visits_covid,week,hrr,2022-09-25,2024-06-30,305.0,0.0,227.8170048,11.962018,20.3935122,2024-07-12 23:22:05,202428,1,93.0 -nssp,smoothed_pct_ed_visits_covid,week,msa,2022-09-25,2024-06-30,377.0,0.02,8.25,1.5750287,1.1493053,2024-07-12 23:22:06,202428,1,93.0 -nssp,smoothed_pct_ed_visits_covid,week,nation,2022-09-25,2024-06-30,1.0,0.34,3.46,1.5069892,0.8108455,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_covid,week,state,2022-09-25,2024-06-30,48.0,0.14,5.69,1.5821774,1.013231,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_influenza,week,county,2022-09-25,2024-06-30,2950.0,0.0,99.59,1.5453046,2.6834442,2024-07-12 23:22:03,202428,1,93.0 -nssp,smoothed_pct_ed_visits_influenza,week,hrr,2022-09-25,2024-06-30,305.0,0.0,598.6853832,10.9382861,31.0064407,2024-07-12 23:22:05,202428,1,93.0 -nssp,smoothed_pct_ed_visits_influenza,week,msa,2022-09-25,2024-06-30,377.0,0.0,45.7197201,1.437614,2.4061246,2024-07-12 23:22:06,202428,1,93.0 -nssp,smoothed_pct_ed_visits_influenza,week,nation,2022-09-25,2024-06-30,1.0,0.15,6.2,1.4292473,1.6461635,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_influenza,week,state,2022-09-25,2024-06-30,48.0,0.01,12.2,1.3912231,1.982371,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_rsv,week,county,2022-09-25,2024-06-30,2950.0,0.0,8.1,0.3803105,0.6380552,2024-07-12 23:22:04,202428,1,93.0 -nssp,smoothed_pct_ed_visits_rsv,week,hrr,2022-09-25,2024-06-30,305.0,0.0,111.4399065,2.4239867,6.6798595,2024-07-12 23:22:06,202428,1,93.0 -nssp,smoothed_pct_ed_visits_rsv,week,msa,2022-09-25,2024-06-30,377.0,0.0,5.87,0.3650536,0.5970827,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_rsv,week,nation,2022-09-25,2024-06-30,1.0,0.01,1.16,0.3034409,0.3459396,2024-07-12 23:22:07,202428,1,93.0 -nssp,smoothed_pct_ed_visits_rsv,week,state,2022-09-25,2024-06-30,48.0,0.0,3.31,0.3530914,0.5120802,2024-07-12 23:22:07,202428,1,93.0 -safegraph,bars_visit_num,day,county,2019-01-01,2022-05-01,328.0,0.0,1712.0,35.4599546,65.5341225,2022-05-05 19:37:58,20220505,4,699.0 -safegraph,bars_visit_num,day,hhs,2020-11-23,2022-05-01,10.0,0.0,6967.0,831.9868726,1061.7611531,2022-05-05 19:37:59,20220505,4,56.0 -safegraph,bars_visit_num,day,hrr,2019-01-01,2022-05-01,155.0,0.0,2391.0,71.4344727,120.4955467,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,bars_visit_num,day,msa,2019-01-01,2022-05-01,145.0,0.0,2281.3040791721087,74.5352422,135.6182876,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,bars_visit_num,day,nation,2020-11-23,2022-05-01,1.0,1236.0,21545.0,8319.8687259,3614.1063879,2022-05-05 19:38:00,20220505,4,56.0 -safegraph,bars_visit_num,day,state,2019-01-01,2022-05-01,44.0,0.0,4222.0,237.2687517,397.9090323,2022-05-05 19:38:00,20220505,4,699.0 -safegraph,bars_visit_prop,day,county,2019-01-01,2022-05-01,328.0,0.0,13112.745098,82.3334549,208.9469853,2022-05-05 19:37:58,20220505,4,699.0 -safegraph,bars_visit_prop,day,hhs,2020-11-23,2022-05-01,10.0,0.0,270.6083716,55.4404785,31.2752896,2022-05-05 19:37:59,20220505,4,56.0 -safegraph,bars_visit_prop,day,hrr,2019-01-01,2022-05-01,155.0,0.0,13112.745098,100.5553307,270.0243869,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,bars_visit_prop,day,msa,2019-01-01,2022-05-01,145.0,0.0,13112.745098,103.9871697,281.7532115,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,bars_visit_prop,day,nation,2020-11-23,2022-05-01,1.0,8.575187500706795,150.8930494,59.3136132,25.6406558,2022-05-05 19:38:00,20220505,4,56.0 -safegraph,bars_visit_prop,day,state,2019-01-01,2022-05-01,44.0,0.0,3221.753721710696,89.193714,173.9372732,2022-05-05 19:38:00,20220505,4,699.0 -safegraph,completely_home_prop,day,county,2019-01-01,2021-04-16,3230.0,0.0078740157480314,0.9310344827586208,0.278665,0.0702235,2021-05-02 18:53:32,20210502,16,539.0 -safegraph,completely_home_prop,day,hhs,2020-12-01,2021-04-16,10.0,0.1797469,0.5482684,0.2909285,0.0491876,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,completely_home_prop,day,hrr,2019-01-01,2021-04-16,306.0,0.0800102809419984,0.6593583,0.2930112,0.0585253,2021-05-02 18:53:53,20210502,16,735.0 -safegraph,completely_home_prop,day,msa,2019-01-01,2021-04-16,392.0,0.0396577198880759,0.7577088051783436,0.2965347,0.0598019,2021-05-02 18:53:55,20210502,16,735.0 -safegraph,completely_home_prop,day,nation,2020-12-01,2021-04-16,1.0,0.2206703,0.3855201209210644,0.2887108,0.0346086,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,completely_home_prop,day,state,2019-01-01,2021-04-16,56.0,0.0575658,0.9310344827586208,0.3034599,0.0678677,2021-05-02 18:53:58,20210502,4,539.0 -safegraph,completely_home_prop_7dav,day,county,2019-01-01,2021-04-16,3230.0,0.021736285653585,0.8976667192456667,0.2795002,0.060135,2021-05-02 18:53:35,20210502,16,735.0 -safegraph,completely_home_prop_7dav,day,hhs,2020-12-01,2021-04-16,10.0,0.1994976,0.4040249,0.2932915,0.0421952,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,completely_home_prop_7dav,day,hrr,2019-01-01,2021-04-16,306.0,0.0892735082523774,0.5674837168911971,0.293722,0.0513038,2021-05-02 18:53:53,20210502,16,735.0 -safegraph,completely_home_prop_7dav,day,msa,2019-01-01,2021-04-16,392.0,0.0507544139815142,0.6757879586022045,0.2972941,0.052533,2021-05-02 18:53:56,20210502,16,735.0 -safegraph,completely_home_prop_7dav,day,nation,2020-12-01,2021-04-16,1.0,0.2416674,0.3477498,0.2910837,0.0283847,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,completely_home_prop_7dav,day,state,2019-01-01,2021-04-16,56.0,0.1339286,0.8322408,0.3011662,0.054508,2021-05-02 18:53:58,20210502,16,735.0 -safegraph,full_time_work_prop,day,county,2019-01-01,2021-04-16,3230.0,0.0044642857142857,0.4137931,0.0544141,0.0295373,2021-05-02 18:53:37,20210502,16,539.0 -safegraph,full_time_work_prop,day,hhs,2020-12-01,2021-04-16,10.0,0.0226403,0.1164575,0.0552768,0.0186925,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,full_time_work_prop,day,hrr,2019-01-01,2021-04-16,306.0,0.0114341723386979,0.1595878125506952,0.0521926,0.0235929,2021-05-02 18:53:54,20210502,16,736.0 -safegraph,full_time_work_prop,day,msa,2019-01-01,2021-04-16,392.0,0.0078714454507789,0.2092593,0.0509874,0.0231894,2021-05-02 18:53:56,20210502,16,736.0 -safegraph,full_time_work_prop,day,nation,2020-12-01,2021-04-16,1.0,0.0278687,0.0768372,0.0547243,0.0159177,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,full_time_work_prop,day,state,2019-01-01,2021-04-16,56.0,0.0133209189355373,0.28,0.055365,0.0257244,2021-05-02 18:53:58,20210502,4,539.0 -safegraph,full_time_work_prop_7dav,day,county,2019-01-01,2021-04-16,3230.0,0.0068965517241379,0.3333333333333333,0.0542633,0.0178739,2021-05-02 18:53:41,20210502,16,736.0 -safegraph,full_time_work_prop_7dav,day,hhs,2020-12-01,2021-04-16,10.0,0.0336392,0.0863855,0.0545378,0.0096541,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,full_time_work_prop_7dav,day,hrr,2019-01-01,2021-04-16,306.0,0.0117488441065425,0.1154423115996558,0.0520489,0.0133283,2021-05-02 18:53:54,20210502,16,736.0 -safegraph,full_time_work_prop_7dav,day,msa,2019-01-01,2021-04-16,392.0,0.0112761318858512,0.1510516,0.0508328,0.0134542,2021-05-02 18:53:56,20210502,16,736.0 -safegraph,full_time_work_prop_7dav,day,nation,2020-12-01,2021-04-16,1.0,0.0380634517264083,0.0635446,0.0539855,0.0060352,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,full_time_work_prop_7dav,day,state,2019-01-01,2021-04-16,56.0,0.0141431777108928,0.2233333,0.0533023,0.0147557,2021-05-02 18:53:58,20210502,16,736.0 -safegraph,median_home_dwell_time,day,county,2019-01-01,2021-04-16,3230.0,0.0,1439.0,624.5131019,131.4666819,2021-05-02 18:53:43,20210502,16,536.0 -safegraph,median_home_dwell_time,day,hhs,2020-12-01,2021-04-16,10.0,398.1290312,987.4156667,692.5885915,72.3209312,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,median_home_dwell_time,day,hrr,2019-01-01,2021-04-16,306.0,60.61710037174721,1230.8227360308283,659.6106675,96.0502621,2021-05-02 18:53:54,20210502,16,736.0 -safegraph,median_home_dwell_time,day,msa,2019-01-01,2021-04-16,392.0,0.0,1291.027397260274,652.1446074,96.356952,2021-05-02 18:53:57,20210502,16,736.0 -safegraph,median_home_dwell_time,day,nation,2020-12-01,2021-04-16,1.0,498.1061097,955.4602784,695.6873728,59.8301174,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,median_home_dwell_time,day,state,2019-01-01,2021-04-16,56.0,0.0,1439.0,638.33047,111.1091946,2021-05-02 18:53:59,20210502,4,536.0 -safegraph,median_home_dwell_time_7dav,day,county,2019-01-01,2021-04-16,3230.0,0.0,1259.8848653667594,624.4795319,114.298693,2021-05-02 18:53:46,20210502,16,736.0 -safegraph,median_home_dwell_time_7dav,day,hhs,2020-12-01,2021-04-16,10.0,556.3816959,837.4941722,692.659163,50.8156061,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,median_home_dwell_time_7dav,day,hrr,2019-01-01,2021-04-16,306.0,100.59797657082002,1161.8768055167272,659.5732816,81.9092483,2021-05-02 18:53:55,20210502,16,736.0 -safegraph,median_home_dwell_time_7dav,day,msa,2019-01-01,2021-04-16,392.0,5.128585558852621,1181.1115459882585,652.2258676,81.3926929,2021-05-02 18:53:57,20210502,16,736.0 -safegraph,median_home_dwell_time_7dav,day,nation,2020-12-01,2021-04-16,1.0,610.6005169,750.6838576,695.7465289,34.26082,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,median_home_dwell_time_7dav,day,state,2019-01-01,2021-04-16,56.0,0.0,1095.2676687283972,642.2644286,88.5509973,2021-05-02 18:53:59,20210502,16,736.0 -safegraph,part_time_work_prop,day,county,2019-01-01,2021-04-16,3230.0,0.0061728395061728,0.6,0.0932559,0.035791,2021-05-02 18:53:48,20210502,16,539.0 -safegraph,part_time_work_prop,day,hhs,2020-12-01,2021-04-16,10.0,0.0412934,0.1455495,0.0831563,0.0224993,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,part_time_work_prop,day,hrr,2019-01-01,2021-04-16,306.0,0.0233247237310391,0.2059558393256619,0.0881441,0.0291706,2021-05-02 18:53:55,20210502,16,736.0 -safegraph,part_time_work_prop,day,msa,2019-01-01,2021-04-16,392.0,0.0172339822838094,0.2504762,0.0875711,0.0291497,2021-05-02 18:53:57,20210502,16,736.0 -safegraph,part_time_work_prop,day,nation,2020-12-01,2021-04-16,1.0,0.0507607,0.1064855,0.0830949,0.0162921,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,part_time_work_prop,day,state,2019-01-01,2021-04-16,56.0,0.0217391304347826,0.3888888888888888,0.0882391,0.0289185,2021-05-02 18:53:59,20210502,4,539.0 -safegraph,part_time_work_prop_7dav,day,county,2019-01-01,2021-04-16,3230.0,0.0129870129870129,0.3333333333333333,0.093027,0.0233194,2021-05-02 18:53:51,20210502,16,736.0 -safegraph,part_time_work_prop_7dav,day,hhs,2020-12-01,2021-04-16,10.0,0.052794,0.1259997,0.0822747,0.0157529,2021-05-02 18:53:53,20210502,16,61.0 -safegraph,part_time_work_prop_7dav,day,hrr,2019-01-01,2021-04-16,306.0,0.0293453684950151,0.1669262755029665,0.0879483,0.0194639,2021-05-02 18:53:55,20210502,16,736.0 -safegraph,part_time_work_prop_7dav,day,msa,2019-01-01,2021-04-16,392.0,0.023301771007538,0.1749794863672457,0.0873612,0.0194203,2021-05-02 18:53:58,20210502,16,736.0 -safegraph,part_time_work_prop_7dav,day,nation,2020-12-01,2021-04-16,1.0,0.0646221,0.0934234,0.0822052,0.0064839,2021-05-02 18:53:58,20210502,16,61.0 -safegraph,part_time_work_prop_7dav,day,state,2019-01-01,2021-04-16,56.0,0.0299031998848585,0.2233333,0.0870579,0.0189547,2021-05-02 18:53:59,20210502,16,736.0 -safegraph,restaurants_visit_num,day,county,2019-01-01,2022-05-01,2558.0,0.0,33649.76197787811,336.9821415,1011.0176971,2022-05-05 19:37:58,20220505,4,699.0 -safegraph,restaurants_visit_num,day,hhs,2020-11-23,2022-05-01,10.0,1229.0,464246.0,85506.3042471,91044.9764197,2022-05-05 19:37:59,20220505,4,56.0 -safegraph,restaurants_visit_num,day,hrr,2019-01-01,2022-05-01,306.0,0.0,58188.0,2739.1807406,4211.6777334,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,restaurants_visit_num,day,msa,2019-01-01,2022-05-01,392.0,0.0,77776.3205829467,1929.7680653,4095.6358663,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,restaurants_visit_num,day,nation,2020-11-23,2022-05-01,1.0,172675.0,1398876.0,855063.042471,206610.5315481,2022-05-05 19:38:00,20220505,4,56.0 -safegraph,restaurants_visit_num,day,state,2019-01-01,2022-05-01,52.0,0.0,223549.0149444032,16132.0774158,22711.4546914,2022-05-05 19:38:00,20220505,4,699.0 -safegraph,restaurants_visit_prop,day,county,2019-01-01,2022-05-01,2558.0,0.0,66495.09824914185,356.5319925,486.8617561,2022-05-05 19:37:58,20220505,4,699.0 -safegraph,restaurants_visit_prop,day,hhs,2020-11-23,2022-05-01,10.0,16.0178065,994.7253426,309.1208048,189.5336784,2022-05-05 19:37:59,20220505,4,56.0 -safegraph,restaurants_visit_prop,day,hrr,2019-01-01,2022-05-01,306.0,0.0,3379.2991361096174,393.3603518,262.3700685,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,restaurants_visit_prop,day,msa,2019-01-01,2022-05-01,392.0,0.0,3087.815754537735,433.5970141,312.9316116,2022-05-05 19:37:59,20220505,4,699.0 -safegraph,restaurants_visit_prop,day,nation,2020-11-23,2022-05-01,1.0,71.5862474,569.1083054,349.807256,83.7868593,2022-05-05 19:38:00,20220505,4,56.0 -safegraph,restaurants_visit_prop,day,state,2019-01-01,2022-05-01,52.0,0.0,1600.2592679,339.210474,214.4236077,2022-05-05 19:38:00,20220505,4,699.0 -usa-facts,confirmed_7dav_cumulative_num,day,county,2020-02-01,2021-07-22,3193.0,0.0,1223614.2857143,4336.4998223,21959.0204341,2021-10-28 17:59:22,20211028,1,376.0 -usa-facts,confirmed_7dav_cumulative_num,day,hhs,2020-02-01,2021-07-22,10.0,0.0,7188417.5714286,1417317.9361391,1736122.336279,2021-07-24 17:53:39,20210724,1,356.0 -usa-facts,confirmed_7dav_cumulative_num,day,hrr,2020-02-01,2021-07-22,306.0,0.0,1231096.211411,45125.6711433,88178.7582502,2021-10-28 17:59:23,20211028,1,342.0 -usa-facts,confirmed_7dav_cumulative_num,day,msa,2020-02-01,2021-07-22,384.0,0.0,2315347.8571429,31521.949434,107155.0212596,2021-10-28 17:59:23,20211028,1,342.0 -usa-facts,confirmed_7dav_cumulative_num,day,nation,2020-02-01,2021-07-22,1.0,6.857142857142857,33508411.7142857,14173179.3613914,12729369.5771938,2021-07-24 17:53:53,20210724,1,356.0 -usa-facts,confirmed_7dav_cumulative_num,day,state,2020-02-01,2021-07-22,51.0,0.0,3760285.8571429,272108.5873225,498689.1922484,2021-10-28 17:59:23,20211028,1,340.0 -usa-facts,confirmed_7dav_cumulative_prop,day,county,2020-02-01,2021-07-22,3142.0,0.0,82672.5905673,4201.1135246,4647.9993861,2021-10-28 17:59:23,20211028,1,334.0 -usa-facts,confirmed_7dav_cumulative_prop,day,hhs,2020-02-01,2021-07-22,10.0,0.0,11461.7348321,4201.859079,3901.7456733,2021-07-24 17:53:39,20210724,1,384.0 -usa-facts,confirmed_7dav_cumulative_prop,day,hrr,2020-02-01,2021-07-22,306.0,0.0,17582.261312,4174.058408,4258.6713526,2021-10-28 17:59:23,20211028,1,342.0 -usa-facts,confirmed_7dav_cumulative_prop,day,msa,2020-02-01,2021-07-22,384.0,0.0,17506.9444955,4219.8452245,4246.6430414,2021-10-28 17:59:23,20211028,1,342.0 -usa-facts,confirmed_7dav_cumulative_prop,day,nation,2020-02-01,2021-07-22,1.0,0.0020890667871043,10208.5243751,4317.9380813,3878.073384,2021-07-24 17:53:53,20210724,1,356.0 -usa-facts,confirmed_7dav_cumulative_prop,day,state,2020-02-01,2021-07-22,51.0,0.0,14571.1616265,4184.3877956,4294.5691621,2021-10-28 17:59:23,20211028,1,340.0 -usa-facts,confirmed_7dav_incidence_num,day,county,2020-02-01,2023-01-02,3193.0,-78001.8571429,53643.5714286,28.128576,261.9637152,2023-01-04 20:24:45,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_num,day,hhs,2020-02-01,2023-01-02,10.0,-5228.8571429,158359.1428571,8978.6355871,14923.8713348,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_num,day,hrr,2020-02-01,2023-01-02,306.0,-38721.7635559,51800.1821995,286.9054939,834.8624087,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_num,day,msa,2020-02-01,2023-01-02,384.0,-67833.5714286,99088.0,196.6737498,1009.1580688,2023-01-04 20:24:54,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_num,day,nation,2020-02-01,2023-01-02,1.0,-106.7142857,793051.4285714,89786.3558709,113079.8738132,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_7dav_incidence_num,day,state,2020-02-01,2023-01-02,51.0,-6852.1428571,127472.2857143,1760.5177794,4305.5097969,2023-01-04 20:24:55,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_prop,day,county,2020-02-01,2023-01-02,3142.0,-44650.5272976,44722.5244831,26.4997697,103.2413688,2023-01-04 20:24:46,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_prop,day,hhs,2020-02-01,2023-01-02,10.0,-35.2171639,449.3509318,26.8299102,36.562245,2023-01-04 20:24:53,20230104,2,699.0 -usa-facts,confirmed_7dav_incidence_prop,day,hrr,2020-02-01,2023-01-02,306.0,-2034.5005476,1135.7596836,26.6935049,42.9954384,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_prop,day,msa,2020-02-01,2023-01-02,384.0,-2822.6960987,1494.0649278,26.8544845,43.7354226,2023-01-04 20:24:54,20230104,1,699.0 -usa-facts,confirmed_7dav_incidence_prop,day,nation,2020-02-01,2023-01-02,1.0,-0.0323892,240.7017119,27.2513595,34.3212536,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_7dav_incidence_prop,day,state,2020-02-01,2023-01-02,51.0,-219.9902025,529.4548894,27.6516619,39.7897067,2023-01-04 20:24:55,20230104,1,699.0 -usa-facts,confirmed_cumulative_num,day,county,2020-01-25,2023-01-02,3193.0,0.0,3420119.0,13416.5229115,58900.0500137,2023-01-04 20:24:46,20230104,1,699.0 -usa-facts,confirmed_cumulative_num,day,hhs,2020-01-25,2023-01-02,10.0,0.0,20923900.0,4254855.322905,4688048.8703272,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_cumulative_num,day,hrr,2020-01-25,2023-01-02,306.0,0.0,3435284.8617095,138312.0941972,235778.8992406,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_cumulative_num,day,msa,2020-01-25,2023-01-02,384.0,0.0,6776125.0,94699.4364589,292733.9037178,2023-01-04 20:24:54,20230104,1,699.0 -usa-facts,confirmed_cumulative_num,day,nation,2020-01-25,2023-01-02,1.0,32.0,95878582.0,42548553.2290503,33478213.8602107,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_cumulative_num,day,state,2020-01-25,2023-01-02,51.0,0.0,10887571.0,839542.6606713,1355143.0742701,2023-01-04 20:24:55,20230104,1,699.0 -usa-facts,confirmed_cumulative_prop,day,county,2020-01-25,2023-01-02,3142.0,0.0,357367.8483477,12978.6757711,10949.3357589,2023-01-04 20:24:47,20230104,1,699.0 -usa-facts,confirmed_cumulative_prop,day,hhs,2020-01-25,2023-01-02,10.0,0.0,33090.0646997,12675.3273795,10149.5494649,2023-01-04 20:24:53,20230104,2,699.0 -usa-facts,confirmed_cumulative_prop,day,hrr,2020-01-25,2023-01-02,306.0,0.0,51022.08092,12921.0507086,10436.1263936,2023-01-04 20:24:53,20230104,2,699.0 -usa-facts,confirmed_cumulative_prop,day,msa,2020-01-25,2023-01-02,384.0,0.0,45312.9383475,12941.2746288,10570.6794767,2023-01-04 20:24:54,20230104,2,699.0 -usa-facts,confirmed_cumulative_prop,day,nation,2020-01-25,2023-01-02,1.0,0.0097124,29100.4315635,12914.0547924,10161.0855207,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_cumulative_prop,day,state,2020-01-25,2023-01-02,51.0,0.0,39956.2019629,13155.6130204,10748.9246133,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_incidence_num,day,county,2020-01-25,2023-01-02,3193.0,-546013.0,353962.0,28.1504973,743.201466,2023-01-04 20:24:48,20230104,1,699.0 -usa-facts,confirmed_incidence_num,day,hhs,2020-01-25,2023-01-02,10.0,-46738.0,363306.0,8927.1732775,18062.0651374,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_incidence_num,day,hrr,2020-01-25,2023-01-02,306.0,-271052.3448913,185965.4417602,287.0509706,1501.1778561,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_incidence_num,day,msa,2020-01-25,2023-01-02,384.0,-475087.0,228158.0,196.7937273,1653.8254242,2023-01-04 20:24:54,20230104,1,699.0 -usa-facts,confirmed_incidence_num,day,nation,2020-01-25,2023-01-02,1.0,-13697.0,1226142.0,89271.7327747,126470.3878782,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_incidence_num,day,state,2020-01-25,2023-01-02,51.0,-47965.0,345159.0,1761.6856166,5777.1075014,2023-01-04 20:24:55,20230104,1,699.0 -usa-facts,confirmed_incidence_prop,day,county,2020-01-25,2023-01-02,3142.0,-312553.691083,312696.8673043,26.5650265,304.9645635,2023-01-04 20:24:48,20230104,1,699.0 -usa-facts,confirmed_incidence_prop,day,hhs,2020-01-25,2023-01-02,10.0,-314.7876796,784.7260585,26.6778423,46.770253,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_incidence_prop,day,hrr,2020-01-25,2023-01-02,306.0,-14323.2666099,7950.3122014,26.6953788,85.6476479,2023-01-04 20:24:53,20230104,1,699.0 -usa-facts,confirmed_incidence_prop,day,msa,2020-01-25,2023-01-02,384.0,-19793.9711082,10458.4544948,26.8695905,88.3641895,2023-01-04 20:24:54,20230104,1,699.0 -usa-facts,confirmed_incidence_prop,day,nation,2020-01-25,2023-01-02,1.0,-4.1572226,372.1504909,27.0951645,38.3854537,2023-01-04 20:24:55,20230104,2,699.0 -usa-facts,confirmed_incidence_prop,day,state,2020-01-25,2023-01-02,51.0,-1638.2168618,1722.6928949,27.6722931,65.5128442,2023-01-04 20:24:55,20230104,1,699.0 -usa-facts,deaths_7dav_cumulative_num,day,county,2020-02-01,2021-07-22,3193.0,-0.8571429,24591.7142857,87.4804083,452.1448093,2021-10-28 17:59:23,20211028,1,376.0 -usa-facts,deaths_7dav_cumulative_num,day,hhs,2020-02-01,2021-07-22,10.0,0.0,122223.8571429,28144.6630112,30097.3115609,2021-07-24 17:53:40,20210724,1,356.0 -usa-facts,deaths_7dav_cumulative_num,day,hrr,2020-02-01,2021-07-22,306.0,0.0,24684.7851819,909.9843131,1806.2630771,2021-10-28 17:59:23,20211028,1,337.0 -usa-facts,deaths_7dav_cumulative_num,day,msa,2020-02-01,2021-07-22,384.0,0.0,64098.5714286,627.3933306,2781.3438476,2021-10-28 17:59:23,20211028,1,342.0 -usa-facts,deaths_7dav_cumulative_num,day,nation,2020-02-01,2021-07-22,1.0,0.0,602929.5714286,281446.6301115,209147.4997157,2021-07-24 17:53:53,20210724,1,356.0 -usa-facts,deaths_7dav_cumulative_num,day,state,2020-02-01,2021-07-22,51.0,0.0,63489.1428571,5482.0339214,9408.7635076,2021-10-28 17:59:23,20211028,1,312.0 -usa-facts,deaths_7dav_cumulative_prop,day,county,2020-02-01,2021-07-22,3142.0,0.0,865.8008658,85.0257793,108.8292357,2021-10-28 17:59:23,20211028,1,333.0 -usa-facts,deaths_7dav_cumulative_prop,day,hhs,2020-02-01,2021-07-22,10.0,0.0,281.8448579,84.9987066,73.1618796,2021-07-24 17:53:40,20210724,1,356.0 -usa-facts,deaths_7dav_cumulative_prop,day,hrr,2020-02-01,2021-07-22,306.0,0.0,447.3055058,82.5973216,83.5682306,2021-10-28 17:59:23,20211028,1,337.0 -usa-facts,deaths_7dav_cumulative_prop,day,msa,2020-02-01,2021-07-22,384.0,0.0,409.4583782,75.022065,79.4840691,2021-10-28 17:59:23,20211028,1,342.0 -usa-facts,deaths_7dav_cumulative_prop,day,nation,2020-02-01,2021-07-22,1.0,0.0,183.6858541,85.7442844,63.7179514,2021-07-24 17:53:53,20210724,1,356.0 -usa-facts,deaths_7dav_cumulative_prop,day,state,2020-02-01,2021-07-22,51.0,0.0,298.2372591,77.3747468,74.9940189,2021-10-28 17:59:23,20211028,1,312.0 -usa-facts,deaths_7dav_incidence_num,day,county,2020-02-01,2023-01-02,3193.0,-1140.0,1345.5714286,0.3135858,3.9649796,2023-01-04 20:24:49,20230104,1,628.0 -usa-facts,deaths_7dav_incidence_num,day,hhs,2020-02-01,2023-01-02,10.0,-514.1428571,1211.0,100.0959968,139.1133421,2023-01-04 20:24:53,20230104,1,617.0 -usa-facts,deaths_7dav_incidence_num,day,hrr,2020-02-01,2023-01-02,306.0,-565.9199931,430.8454645,3.0379385,9.6241823,2023-01-04 20:24:54,20230104,1,588.0 -usa-facts,deaths_7dav_incidence_num,day,msa,2020-02-01,2023-01-02,384.0,-1163.7142857,1185.0,1.9671742,12.5240928,2023-01-04 20:24:54,20230104,1,588.0 -usa-facts,deaths_7dav_incidence_num,day,nation,2020-02-01,2023-01-02,1.0,-41.2857143,3537.2857143,1000.9599679,811.1933866,2023-01-04 20:24:55,20230104,2,617.0 -usa-facts,deaths_7dav_incidence_num,day,state,2020-02-01,2023-01-02,51.0,-531.7142857,955.8571428571428,19.6267133,43.3457142,2023-01-04 20:24:55,20230104,1,617.0 -usa-facts,deaths_7dav_incidence_prop,day,county,2020-02-01,2023-01-02,3142.0,-1345.5069678,1345.5069678,0.3657449,1.8136157,2023-01-04 20:24:50,20230104,1,628.0 -usa-facts,deaths_7dav_incidence_prop,day,hhs,2020-02-01,2023-01-02,10.0,-3.4628319,4.183583,0.2882408,0.358071,2023-01-04 20:24:53,20230104,2,622.0 -usa-facts,deaths_7dav_incidence_prop,day,hrr,2020-02-01,2023-01-02,306.0,-38.6217947,14.3513787,0.3029906,0.5533538,2023-01-04 20:24:54,20230104,1,622.0 -usa-facts,deaths_7dav_incidence_prop,day,msa,2020-02-01,2023-01-02,384.0,-53.3820085,29.0639867,0.2956424,0.5762059,2023-01-04 20:24:55,20230104,1,622.0 -usa-facts,deaths_7dav_incidence_prop,day,nation,2020-02-01,2023-01-02,1.0,-0.0125308,1.0736135,0.3038047,0.246208,2023-01-04 20:24:55,20230104,2,622.0 -usa-facts,deaths_7dav_incidence_prop,day,state,2020-02-01,2023-01-02,51.0,-7.7131875,7.8089447,0.2947568,0.4184295,2023-01-04 20:24:55,20230104,1,622.0 -usa-facts,deaths_cumulative_num,day,county,2020-01-25,2023-01-02,3193.0,-6.0,46633.0,187.0525139,855.1497099,2023-01-04 20:24:50,20230104,1,635.0 -usa-facts,deaths_cumulative_num,day,hhs,2020-01-25,2023-01-02,10.0,0.0,250138.0,59318.2670391,57192.4003154,2023-01-04 20:24:53,20230104,1,617.0 -usa-facts,deaths_cumulative_num,day,hrr,2020-01-25,2023-01-02,306.0,0.0,34539.5623136,1874.025571,2942.5701208,2023-01-04 20:24:54,20230104,1,600.0 -usa-facts,deaths_cumulative_num,day,msa,2020-01-25,2023-01-02,384.0,0.0,84086.0,1239.8201199,4089.9341829,2023-01-04 20:24:55,20230104,1,600.0 -usa-facts,deaths_cumulative_num,day,nation,2020-01-25,2023-01-02,1.0,1.0,1068791.0,593182.6703911,361324.0341839,2023-01-04 20:24:55,20230104,2,617.0 -usa-facts,deaths_cumulative_num,day,state,2020-01-25,2023-01-02,51.0,0.0,97562.0,11705.6167019,16827.3441965,2023-01-04 20:24:55,20230104,1,617.0 -usa-facts,deaths_cumulative_prop,day,county,2020-01-25,2023-01-02,3142.0,0.0,9418.5487746,208.462631,186.8944545,2023-01-04 20:24:51,20230104,1,635.0 -usa-facts,deaths_cumulative_prop,day,hhs,2020-01-25,2023-01-02,10.0,0.0,390.3838766,172.7502603,112.6269236,2023-01-04 20:24:53,20230104,2,635.0 -usa-facts,deaths_cumulative_prop,day,hrr,2020-01-25,2023-01-02,306.0,0.0,599.3774413,181.0972097,136.1583754,2023-01-04 20:24:54,20230104,2,635.0 -usa-facts,deaths_cumulative_prop,day,msa,2020-01-25,2023-01-02,384.0,0.0,686.0646166,172.4510664,138.5730553,2023-01-04 20:24:55,20230104,1,635.0 -usa-facts,deaths_cumulative_prop,day,nation,2020-01-25,2023-01-02,1.0,0.0003035,324.3923586,180.0388715,109.6666754,2023-01-04 20:24:55,20230104,2,635.0 -usa-facts,deaths_cumulative_prop,day,state,2020-01-25,2023-01-02,51.0,0.0,441.4541527,171.4492517,124.1326156,2023-01-04 20:24:55,20230104,2,635.0 -usa-facts,deaths_incidence_num,day,county,2020-01-25,2023-01-02,3193.0,-7980.0,9356.0,0.3138132,9.4224201,2023-01-04 20:24:52,20230104,1,635.0 -usa-facts,deaths_incidence_num,day,hhs,2020-01-25,2023-01-02,10.0,-3719.0,3112.0,99.5148976,185.3103413,2023-01-04 20:24:53,20230104,1,617.0 -usa-facts,deaths_incidence_num,day,hrr,2020-01-25,2023-01-02,306.0,-3961.4399515,2948.8846453,3.0401694,18.3135562,2023-01-04 20:24:54,20230104,1,588.0 -usa-facts,deaths_incidence_num,day,msa,2020-01-25,2023-01-02,384.0,-8147.0,3165.0,1.9685633,21.1782972,2023-01-04 20:24:55,20230104,1,588.0 -usa-facts,deaths_incidence_num,day,nation,2020-01-25,2023-01-02,1.0,-2889.0,5057.0,995.1489758,972.6433335,2023-01-04 20:24:55,20230104,2,617.0 -usa-facts,deaths_incidence_num,day,state,2020-01-25,2023-01-02,51.0,-3722.0,3112.0,19.6401808,67.2644769,2023-01-04 20:24:55,20230104,1,617.0 -usa-facts,deaths_incidence_prop,day,county,2020-01-25,2023-01-02,3142.0,-9418.5487746,9418.5487746,0.3660363,8.2752559,2023-01-04 20:24:52,20230104,1,635.0 -usa-facts,deaths_incidence_prop,day,hhs,2020-01-25,2023-01-02,10.0,-25.0480419,20.4285247,0.286551,0.5491529,2023-01-04 20:24:53,20230104,1,622.0 -usa-facts,deaths_incidence_prop,day,hrr,2020-01-25,2023-01-02,306.0,-270.438116,100.4596506,0.3031668,1.1652841,2023-01-04 20:24:54,20230104,1,622.0 -usa-facts,deaths_incidence_prop,day,msa,2020-01-25,2023-01-02,384.0,-373.6740598,203.4479066,0.295851,1.2544093,2023-01-04 20:24:55,20230104,1,622.0 -usa-facts,deaths_incidence_prop,day,nation,2020-01-25,2023-01-02,1.0,-0.8768501,1.5348671,0.302041,0.2952103,2023-01-04 20:24:55,20230104,2,622.0 -usa-facts,deaths_incidence_prop,day,state,2020-01-25,2023-01-02,51.0,-53.9923123,54.6626129,0.2949155,0.8675433,2023-01-04 20:24:55,20230104,1,622.0 -youtube-survey,raw_cli,day,state,2020-04-21,2020-06-01,19.0,0.0,3.083081763746322,0.8598539,0.6421984,2020-06-02 11:51:34,20200603,2,11.0 -youtube-survey,raw_ili,day,state,2020-04-21,2020-06-01,19.0,0.0,3.1956943281688743,0.8591775,0.6492578,2020-06-02 11:51:34,20200603,2,11.0 -youtube-survey,smoothed_cli,day,state,2020-04-21,2020-06-22,42.0,0.0,4.5321637426900585,0.8980185,0.5737264,2020-06-24 12:51:35,20200625,2,11.0 -youtube-survey,smoothed_ili,day,state,2020-04-21,2020-06-22,42.0,0.0,4.5321637426900585,0.8926679,0.5741616,2020-06-24 12:51:35,20200625,2,11.0 diff --git a/google_symptoms/tests/test_data/covid_metadata_missing.csv b/google_symptoms/tests/test_data/covid_metadata_missing.csv deleted file mode 100644 index 46afe0f1b..000000000 --- a/google_symptoms/tests/test_data/covid_metadata_missing.csv +++ /dev/null @@ -1,2467 +0,0 @@ -data_source,signal,time_type,geo_type,min_time,max_time,num_locations,min_value,max_value,mean_value,stdev_value,last_update,max_issue,min_lag,max_lag -chng,7dav_inpatient_covid,day,state,2020-01-01,2023-08-01,58,0.0,1.0,0.0379778,0.046107,2024-04-01 09:24:40,20230801,0,1308 -chng,7dav_outpatient_covid,day,state,2019-01-01,2023-08-01,56,0.0,1.0,0.0057763,0.0102741,2024-04-01 09:24:40,20230801,0,1673 -chng,smoothed_adj_outpatient_cli,day,county,2020-02-01,2024-02-14,3119,0.0009331,99.9980495,1.9238237,3.7179059,2024-02-20 03:40:32,20240219,3,674 -chng,smoothed_adj_outpatient_cli,day,hhs,2020-02-01,2024-02-14,10,0.0061953,99.9996572,2.1786572,2.9502248,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,hrr,2020-02-01,2024-02-14,306,0.0010292,50.815903,1.9914499,2.5739816,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,msa,2020-02-01,2024-02-14,392,0.0007662,99.9989806,1.8325651,2.7690113,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,nation,2020-02-01,2024-02-14,1,0.0154639,12.0869746,2.3476915,2.2792631,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_cli,day,state,2020-02-01,2024-02-14,55,0.0013343,99.9995633,1.9595093,2.8460771,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,county,2020-02-01,2024-02-14,3118,0.0007317,99.7382199,0.7897597,1.2604588,2024-02-20 03:40:33,20240219,3,674 -chng,smoothed_adj_outpatient_covid,day,hhs,2020-02-01,2024-02-14,10,9.94e-05,47.1757678,0.758748,1.2752592,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,hrr,2020-02-01,2024-02-14,306,0.0004377,50.3590956,0.7379263,0.9213437,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,msa,2020-02-01,2024-02-14,392,0.0003621,84.2126626,0.7507935,1.2899205,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,nation,2020-02-01,2024-02-14,1,0.0002647,29.0740775,0.7761674,1.1225822,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_covid,day,state,2020-02-01,2024-02-14,55,0.0001764,99.984985,0.799901,2.2962465,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,county,2020-02-01,2024-02-14,3118,0.0007864,99.8031496,0.2200146,0.5945624,2024-02-20 03:40:33,20240219,4,674 -chng,smoothed_adj_outpatient_flu,day,hhs,2020-02-01,2024-02-14,10,0.0001256,2.9665199,0.129573,0.2910451,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,hrr,2020-02-01,2024-02-14,306,0.0006665,7.3989023,0.157989,0.3502602,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,msa,2020-02-01,2024-02-14,392,0.0005895,9.1334945,0.1593255,0.3449737,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,nation,2020-02-01,2024-02-14,1,0.0042567,2.1340409,0.1410768,0.2817595,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_adj_outpatient_flu,day,state,2020-02-01,2024-02-14,55,0.0003211,5.0601173,0.1349185,0.3161708,2024-02-20 03:40:38,20240219,5,674 -chng,smoothed_outpatient_cli,day,county,2020-02-01,2024-02-14,3119,0.0008986,99.911661,1.7494246,3.2141828,2024-02-20 03:40:34,20240219,3,674 -chng,smoothed_outpatient_cli,day,hhs,2020-02-01,2024-02-14,10,0.0057532,21.7526533,2.1935759,2.4568923,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_cli,day,hrr,2020-02-01,2024-02-14,306,0.0010292,54.076492,2.0121518,2.5913195,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_cli,day,msa,2020-02-01,2024-02-14,392,0.0007571,54.213362,1.7692415,2.3668653,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_cli,day,nation,2020-02-01,2024-02-14,1,0.014286,13.183495,2.4016659,2.3445632,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_cli,day,state,2020-02-01,2024-02-14,55,0.0012136,38.0980677,1.976939,2.4902626,2024-02-20 03:40:38,20240219,5,674 -chng,smoothed_outpatient_covid,day,county,2020-02-01,2024-02-14,3118,0.0007317,99.7382199,0.7295667,1.1518214,2024-02-20 03:40:35,20240219,3,674 -chng,smoothed_outpatient_covid,day,hhs,2020-02-01,2024-02-14,10,0.0001026,7.902697,0.7473772,0.7532255,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_covid,day,hrr,2020-02-01,2024-02-14,306,0.0004265,13.8813489,0.75981,0.8821325,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_covid,day,msa,2020-02-01,2024-02-14,392,0.0003196,15.0058502,0.6983567,0.8724389,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_covid,day,nation,2020-02-01,2024-02-14,1,0.0002781,5.7484116,0.7763361,0.7077705,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_covid,day,state,2020-02-01,2024-02-14,55,0.0001764,10.9664911,0.7277603,0.824994,2024-02-20 03:40:38,20240219,5,674 -chng,smoothed_outpatient_flu,day,county,2020-02-01,2024-02-14,3118,0.0007864,99.8031496,0.2120383,0.5747436,2024-02-20 03:40:35,20240219,4,674 -chng,smoothed_outpatient_flu,day,hhs,2020-02-01,2024-02-14,10,0.0001256,3.3283321,0.1325491,0.2889045,2024-02-20 03:40:36,20240219,5,674 -chng,smoothed_outpatient_flu,day,hrr,2020-02-01,2024-02-14,306,0.0007358,7.7181903,0.1580634,0.3454277,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_flu,day,msa,2020-02-01,2024-02-14,392,0.0005895,7.7881801,0.1547919,0.327931,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_flu,day,nation,2020-02-01,2024-02-14,1,0.0042154,1.8960681,0.1439693,0.2751247,2024-02-20 03:40:37,20240219,5,674 -chng,smoothed_outpatient_flu,day,state,2020-02-01,2024-02-14,55,0.0003211,5.2040069,0.1365516,0.3116242,2024-02-20 03:40:38,20240219,5,674 -covid-act-now,pcr_specimen_positivity_rate,day,county,2020-03-01,2021-12-02,3126,0.0,1.0,0.0979475,0.0903481,2021-12-10 17:59:11,20211210,2,529 -covid-act-now,pcr_specimen_positivity_rate,day,hhs,2020-03-01,2021-12-02,10,0.0,0.65,0.0806975,0.0559965,2021-12-10 17:59:14,20211210,8,585 -covid-act-now,pcr_specimen_positivity_rate,day,hrr,2020-03-01,2021-12-02,306,0.0,1.0,0.0864302,0.069691,2021-12-10 17:59:15,20211210,4,599 -covid-act-now,pcr_specimen_positivity_rate,day,msa,2020-03-01,2021-12-02,384,0.0,1.0,0.087359,0.0711056,2021-12-10 17:59:15,20211210,3,529 -covid-act-now,pcr_specimen_positivity_rate,day,nation,2020-03-01,2021-12-02,1,0.0180044,0.2183382,0.0809607,0.0406573,2021-12-10 17:59:15,20211210,8,529 -covid-act-now,pcr_specimen_positivity_rate,day,state,2020-03-01,2021-12-02,51,0.0,1.0,0.0834229,0.0659636,2021-12-10 17:59:15,20211210,3,585 -covid-act-now,pcr_specimen_total_tests,day,county,2020-03-01,2021-12-02,3126,0.14,161333.71,338.7239566,1757.0608222,2021-12-10 17:59:13,20211210,2,428 -covid-act-now,pcr_specimen_total_tests,day,hhs,2020-03-01,2021-12-02,10,2.0,387262.01,98225.6981138,78754.8915,2021-12-10 17:59:15,20211210,8,585 -covid-act-now,pcr_specimen_total_tests,day,hrr,2020-03-01,2021-12-02,306,1.55e-05,161288.2579186,3240.5090482,6316.7070508,2021-12-10 17:59:15,20211210,4,526 -covid-act-now,pcr_specimen_total_tests,day,msa,2020-03-01,2021-12-02,384,0.14,174380.71,2342.0841463,7999.6725139,2021-12-10 17:59:15,20211210,2,428 -covid-act-now,pcr_specimen_total_tests,day,nation,2020-03-01,2021-12-02,1,1433.8,1768763.07,981518.2845639,460852.3824205,2021-12-10 17:59:15,20211210,8,428 -covid-act-now,pcr_specimen_total_tests,day,state,2020-03-01,2021-12-02,51,0.14,344887.85,19433.6865717,31650.7665229,2021-12-10 17:59:15,20211210,2,585 -doctor-visits,smoothed_adj_cli,day,county,2020-02-01,2024-07-12,2594,0.0,87.670832,2.3358112,3.5540203,2024-07-17 00:18:37,20240716,2,129 -doctor-visits,smoothed_adj_cli,day,hhs,2020-02-01,2024-07-12,10,0.071857,31.731976,2.8805662,3.4617466,2024-07-17 00:18:40,20240716,4,126 -doctor-visits,smoothed_adj_cli,day,hrr,2020-02-01,2024-07-12,306,0.0,62.072299,2.6495845,3.6460135,2024-07-17 00:18:43,20240716,4,129 -doctor-visits,smoothed_adj_cli,day,msa,2020-02-01,2024-07-12,384,0.0,83.92411,2.4590565,3.5400049,2024-07-17 00:18:45,20240716,4,129 -doctor-visits,smoothed_adj_cli,day,nation,2020-02-01,2024-07-12,1,0.120549,21.575689,3.0877363,3.4208281,2024-07-17 00:18:48,20240716,4,126 -doctor-visits,smoothed_adj_cli,day,state,2020-02-01,2024-07-12,53,0.0,79.135443,2.6750998,3.9470251,2024-07-17 00:18:50,20240716,3,129 -doctor-visits,smoothed_cli,day,county,2020-02-01,2024-07-12,2594,0.0,76.569615,1.9889825,3.0497556,2024-07-17 00:18:39,20240716,2,129 -doctor-visits,smoothed_cli,day,hhs,2020-02-01,2024-07-12,10,0.055393,35.777605,3.1877169,3.8427966,2024-07-17 00:18:42,20240716,4,126 -doctor-visits,smoothed_cli,day,hrr,2020-02-01,2024-07-12,306,0.0,52.474626,2.5259156,3.5549362,2024-07-17 00:18:44,20240716,4,129 -doctor-visits,smoothed_cli,day,msa,2020-02-01,2024-07-12,385,0.0,65.645487,2.2165108,3.2350177,2024-07-17 00:18:47,20240716,4,129 -doctor-visits,smoothed_cli,day,nation,2020-02-01,2024-07-12,1,0.120689,26.252728,3.4213596,3.8325068,2024-07-17 00:18:49,20240716,4,126 -doctor-visits,smoothed_cli,day,state,2020-02-01,2024-07-12,53,0.0,61.764374,2.8345543,3.9843822,2024-07-17 00:18:52,20240716,3,129 -dsew-cpr,booster_doses_admin_7dav,day,hhs,2021-11-01,2023-02-22,10,360.8571429,211419.2857143,25422.797562,37932.1282922,2023-02-24 16:51:39,20230224,1,182 -dsew-cpr,booster_doses_admin_7dav,day,nation,2021-11-01,2023-02-22,1,14740.2857143,1100514.8571429,257525.9704433,312271.1870132,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,booster_doses_admin_7dav,day,state,2021-11-01,2023-02-22,56,0.0,194532.1428571,4613.3131688,11601.9151563,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,county,2021-01-07,2023-02-21,3272,0.0,825.5714285714286,2.3294191,9.6538384,2023-02-24 16:51:16,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,hhs,2020-12-16,2023-02-21,10,23.2857143,4990.0,667.6785049,780.5578655,2023-02-24 16:51:30,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,msa,2021-01-07,2023-02-21,392,0.0,1902.7142857142856,14.2411998,42.714571,2023-02-24 16:51:31,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,nation,2020-12-16,2023-02-21,1,1338.2857143,21086.1428571,6676.7850488,4537.105663,2023-02-24 16:51:32,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_7dav,day,state,2020-12-16,2023-02-21,56,0.0,2379.0,119.5731249,215.9007672,2023-02-24 16:51:32,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,county,2021-01-07,2023-02-21,3219,0.0,569.2346462,1.8762013,4.3113657,2023-02-24 16:51:24,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,hhs,2020-12-16,2023-02-21,10,0.1568329,8.1781998,1.863108,1.4513172,2023-02-24 16:51:30,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,msa,2021-01-07,2023-02-21,392,0.0,52.2139965155508,2.1629876,2.5039056,2023-02-24 16:51:32,20230224,3,480 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,nation,2020-12-16,2023-02-21,1,0.4005607,6.3112681,1.9984205,1.3579956,2023-02-24 16:51:32,20230224,3,502 -dsew-cpr,confirmed_admissions_covid_1d_prop_7dav,day,state,2020-12-16,2023-02-21,56,0.0,35.7918347,1.9012573,1.9888021,2023-02-24 16:51:33,20230224,3,502 -dsew-cpr,covid_naat_pct_positive_7dav,day,county,2020-12-07,2023-02-20,3198,0.0,1.0,0.1155519,0.0997406,2023-02-24 16:51:15,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,hhs,2020-12-07,2023-02-20,10,0.004,0.436,0.0919346,0.0679411,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,msa,2020-12-07,2023-02-20,392,0.0,1.0,0.1084464,0.0916635,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,nation,2020-12-07,2023-02-20,1,0.0197007,0.3145435,0.097572,0.0623476,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,covid_naat_pct_positive_7dav,day,state,2020-12-07,2023-02-20,55,0.0,0.946,0.0997204,0.0823642,2023-02-24 16:51:16,20230224,4,522 -dsew-cpr,doses_admin_7dav,day,hhs,2021-05-02,2023-02-22,10,-25415.0,416729.2857143,70956.6438044,69418.1294544,2023-02-24 16:51:39,20230224,1,365 -dsew-cpr,doses_admin_7dav,day,nation,2021-05-02,2023-02-22,1,84396.2857143,2405770.1428571,706882.2067602,508222.8169732,2023-02-24 16:51:40,20230224,1,365 -dsew-cpr,doses_admin_7dav,day,state,2021-05-02,2023-02-22,56,-34912.7142857,340911.8571429,12732.1491109,23061.218246,2023-02-24 16:51:40,20230224,1,365 -dsew-cpr,people_booster_doses,day,hhs,2021-11-01,2023-02-22,10,798354.0,21409818.0,9252301.1570292,5435063.9417483,2023-02-24 16:51:39,20230224,1,182 -dsew-cpr,people_booster_doses,day,nation,2021-11-01,2023-02-22,1,19141580.0,117047500.0,92522945.6153846,24244972.5200394,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,people_booster_doses,day,state,2021-11-01,2023-02-22,56,143.0,17335732.0,1652195.4574176,2259512.8844226,2023-02-24 16:51:40,20230224,1,182 -dsew-cpr,people_full_vaccinated,day,county,2021-04-12,2023-02-22,3272,18.0,7519699.0,59563.0639614,211223.6154859,2023-02-24 16:51:33,20230224,1,385 -dsew-cpr,people_full_vaccinated,day,hhs,2021-01-15,2023-02-22,10,62625.0,41839198.0,17210344.7447526,11586031.1172692,2023-02-24 16:51:39,20230224,1,472 -dsew-cpr,people_full_vaccinated,day,msa,2021-04-12,2023-02-22,392,70.0,15491795.0,418183.4066464,1051278.8411392,2023-02-24 16:51:39,20230224,1,385 -dsew-cpr,people_full_vaccinated,day,nation,2021-01-15,2023-02-22,1,1540774.0,228878714.0,172103447.4475262,65899353.6538525,2023-02-24 16:51:40,20230224,1,472 -dsew-cpr,people_full_vaccinated,day,state,2021-01-15,2023-02-22,56,0.0,29504730.0,3073275.8472773,4305501.1704603,2023-02-24 16:51:40,20230224,1,472 -fb-survey,raw_cli,day,county,2020-04-06,2022-06-25,642,0.0,19.047619047619047,0.9247258,0.998862,2022-07-01 14:59:42,20220701,1,150 -fb-survey,raw_cli,day,hrr,2020-04-06,2022-06-25,306,0.0,11.0607993,0.9550459,1.0436459,2022-07-01 14:59:57,20220701,3,150 -fb-survey,raw_cli,day,msa,2020-04-06,2022-06-25,342,0.0,10.9638047,0.8877732,0.9860774,2022-07-01 15:00:12,20220701,4,150 -fb-survey,raw_cli,day,nation,2020-04-06,2022-06-26,1,0.338621,4.9208848,1.1742658,0.7933958,2022-07-01 15:00:22,20220701,2,253 -fb-survey,raw_cli,day,state,2020-04-06,2022-06-25,51,0.0,11.081765,1.1699135,1.0178461,2022-07-01 15:00:26,20220701,4,150 -fb-survey,raw_hh_cmnty_cli,day,county,2020-04-15,2022-06-25,351,0.4092675,68.9130435,21.0312594,9.4592786,2022-07-01 14:59:42,20220701,1,141 -fb-survey,raw_hh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,288,1.2711864,68.9054726,21.6422026,9.9707881,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_hh_cmnty_cli,day,msa,2020-04-15,2022-06-25,215,2.2987534,68.9130435,20.9525067,9.5781275,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_hh_cmnty_cli,day,nation,2020-04-15,2022-06-26,1,8.6940597,48.3062084,21.5924631,7.4691767,2022-07-01 15:00:23,20220701,2,244 -fb-survey,raw_hh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,2.9411765,66.9255021,22.2057274,9.7290508,2022-07-01 15:00:26,20220701,4,141 -fb-survey,raw_ili,day,county,2020-04-06,2022-06-25,642,0.0,19.047619047619047,0.9478843,1.0147259,2022-07-01 14:59:42,20220701,1,150 -fb-survey,raw_ili,day,hrr,2020-04-06,2022-06-25,306,0.0,11.2681159,0.9779726,1.061052,2022-07-01 14:59:57,20220701,3,150 -fb-survey,raw_ili,day,msa,2020-04-06,2022-06-25,342,0.0,10.9638047,0.9124409,1.004418,2022-07-01 15:00:12,20220701,4,150 -fb-survey,raw_ili,day,nation,2020-04-06,2022-06-26,1,0.3525545,5.0480449,1.2000985,0.8120644,2022-07-01 15:00:23,20220701,2,253 -fb-survey,raw_ili,day,state,2020-04-06,2022-06-25,51,0.0,11.081765,1.1941615,1.0364316,2022-07-01 15:00:26,20220701,4,150 -fb-survey,raw_nohh_cmnty_cli,day,county,2020-04-15,2022-06-25,351,0.3267974,64.0283737,16.7370961,8.6774912,2022-07-01 14:59:42,20220701,1,141 -fb-survey,raw_nohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,288,0.3787879,64.0939597,17.3080434,9.1652301,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_nohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,215,0.5633451,64.0283737,16.6829469,8.7874763,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_nohh_cmnty_cli,day,nation,2020-04-15,2022-06-26,1,5.7044523,41.8558786,17.0048453,6.824453,2022-07-01 15:00:23,20220701,2,244 -fb-survey,raw_nohh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,0.3267974,60.9350753,17.5830578,9.0078233,2022-07-01 15:00:26,20220701,4,141 -fb-survey,raw_wcli,day,county,2020-04-06,2022-06-25,640,0.0,19.047619047619047,0.9389968,1.0065155,2022-07-01 14:59:42,20220701,2,150 -fb-survey,raw_wcli,day,hrr,2020-04-06,2022-06-25,306,0.0,11.1186835,0.9865602,1.0702621,2022-07-01 14:59:57,20220701,2,150 -fb-survey,raw_wcli,day,msa,2020-04-06,2022-06-25,340,0.0,11.7928697,0.9314997,1.0168941,2022-07-01 15:00:12,20220701,2,150 -fb-survey,raw_wcli,day,nation,2020-04-06,2022-06-25,1,0.4039215,5.408061,1.3702998,0.9063896,2022-07-01 15:00:23,20220701,4,253 -fb-survey,raw_wcli,day,state,2020-04-06,2022-06-25,51,0.0,11.2808901,1.2850101,1.1000853,2022-07-01 15:00:26,20220701,2,150 -fb-survey,raw_whh_cmnty_cli,day,county,2020-04-15,2022-06-25,343,0.4092675,69.7366276,21.2513547,9.4036702,2022-07-01 14:59:42,20220701,4,141 -fb-survey,raw_whh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,287,1.4154066,69.0424071,21.8559408,9.9701793,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_whh_cmnty_cli,day,msa,2020-04-15,2022-06-25,207,1.6579937,69.9032636,21.1068482,9.564647,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_whh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,9.1761173,48.2407423,21.5503016,7.2072222,2022-07-01 15:00:23,20220701,4,244 -fb-survey,raw_whh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,2.5278035,67.7211955,22.4708687,9.5978548,2022-07-01 15:00:27,20220701,4,141 -fb-survey,raw_wili,day,county,2020-04-06,2022-06-25,640,0.0,19.047619047619047,0.9617527,1.0224706,2022-07-01 14:59:42,20220701,2,150 -fb-survey,raw_wili,day,hrr,2020-04-06,2022-06-25,306,0.0,11.1227941,1.0088413,1.0878227,2022-07-01 14:59:57,20220701,2,150 -fb-survey,raw_wili,day,msa,2020-04-06,2022-06-25,340,0.0,11.7928697,0.9555916,1.0354607,2022-07-01 15:00:12,20220701,2,150 -fb-survey,raw_wili,day,nation,2020-04-06,2022-06-25,1,0.4144906,5.5247274,1.3975828,0.9277962,2022-07-01 15:00:23,20220701,4,253 -fb-survey,raw_wili,day,state,2020-04-06,2022-06-25,51,0.0,11.2808901,1.3091654,1.1199192,2022-07-01 15:00:27,20220701,2,150 -fb-survey,raw_wnohh_cmnty_cli,day,county,2020-04-15,2022-06-25,343,0.3267974,64.8845314,16.7082958,8.5360556,2022-07-01 14:59:42,20220701,4,141 -fb-survey,raw_wnohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,287,0.3787879,64.4127616,17.2542155,9.0633926,2022-07-01 14:59:57,20220701,4,141 -fb-survey,raw_wnohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,207,0.7005145,64.8845314,16.5727216,8.6670007,2022-07-01 15:00:12,20220701,4,141 -fb-survey,raw_wnohh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,5.9588102,40.5355196,16.6488651,6.4672122,2022-07-01 15:00:23,20220701,4,244 -fb-survey,raw_wnohh_cmnty_cli,day,state,2020-04-15,2022-06-25,51,0.3267974,61.2646482,17.5685456,8.7803074,2022-07-01 15:00:27,20220701,4,141 -fb-survey,smoothed_accept_covid_vaccine,day,county,2020-12-20,2021-08-08,757,6.3106857,96.3920452,67.9237724,14.3796865,2021-08-13 12:54:15,20210813,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,hrr,2020-12-20,2021-08-06,306,10.2941176,92.1875,61.1924903,16.7694796,2021-08-11 12:56:16,20210811,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,msa,2020-12-20,2021-08-07,362,15.1563221,92.9292808,65.2383722,14.3516874,2021-08-12 12:54:50,20210812,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,nation,2020-12-20,2021-08-08,1,17.755102,74.5601494,46.7574433,22.3505344,2021-08-13 12:57:00,20210813,1,44 -fb-survey,smoothed_accept_covid_vaccine,day,state,2020-12-20,2021-08-08,51,6.3106857,90.8967391,55.2646333,20.9437812,2021-08-13 12:57:04,20210813,1,44 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,county,2021-05-20,2022-06-27,92,2.8931167,48.019802,15.5086319,5.4726703,2022-07-01 14:59:42,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,hrr,2021-05-21,2022-06-27,168,1.1811024,47.5490196,15.5441133,5.3891774,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,msa,2021-05-21,2022-06-27,95,3.3219911,38.9585132,17.2049154,5.438195,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,nation,2021-05-20,2022-06-27,1,10.5194141,21.4088779,14.5975905,2.8074055,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_accept_covid_vaccine_no_appointment,day,state,2021-05-20,2022-06-27,48,2.8931167,31.7490615,14.3656827,4.2749012,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_anxious_5d,day,county,2020-09-08,2021-03-15,754,2.496938,38.803681,17.3270685,3.6738037,2021-03-20 11:51:16,20210320,1,92 -fb-survey,smoothed_anxious_5d,day,hrr,2020-09-08,2021-03-11,306,4.4715447,33.9673913,16.9910865,3.0886278,2021-03-17 18:57:54,20210317,1,92 -fb-survey,smoothed_anxious_5d,day,msa,2020-09-08,2021-03-14,359,2.496938,37.2055658,17.3911656,3.5361126,2021-03-19 11:51:37,20210319,1,92 -fb-survey,smoothed_anxious_5d,day,nation,2020-09-08,2021-03-18,1,12.3224728,22.7558011,16.9176287,1.864669,2021-03-23 11:53:30,20210323,5,98 -fb-survey,smoothed_anxious_5d,day,state,2020-09-08,2021-03-15,51,6.7457199,38.803681,17.2987398,2.7756485,2021-03-20 11:52:09,20210320,5,92 -fb-survey,smoothed_anxious_7d,day,county,2021-03-02,2022-06-27,616,0.473738,30.7957769,12.7975556,3.1461309,2022-07-01 14:59:42,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,hrr,2021-03-02,2022-06-27,306,1.3888889,31.8627451,12.7682873,2.9999053,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,msa,2021-03-02,2022-06-27,332,2.496278,27.8770477,12.9200141,3.0893081,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,nation,2021-03-02,2022-06-27,1,10.0859188,16.2442525,12.6390425,1.3485845,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_anxious_7d,day,state,2021-03-02,2022-06-27,51,3.0405405,22.815534,12.7942177,2.2673367,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_appointment_not_vaccinated,day,county,2021-05-20,2022-06-27,99,0.1462927,17.1988482,3.3385882,1.8404781,2022-07-01 14:59:42,20220701,1,88 -fb-survey,smoothed_appointment_not_vaccinated,day,hrr,2021-05-21,2022-06-27,177,0.1851852,20.3846154,3.4699997,1.9600779,2022-07-01 14:59:57,20220701,1,87 -fb-survey,smoothed_appointment_not_vaccinated,day,msa,2021-05-21,2022-06-27,99,0.2074501,19.0133854,3.9230132,2.0474182,2022-07-01 15:00:12,20220701,1,87 -fb-survey,smoothed_appointment_not_vaccinated,day,nation,2021-05-20,2022-06-27,1,1.3645163,5.7176348,2.879369,1.0287608,2022-07-01 15:00:23,20220701,1,88 -fb-survey,smoothed_appointment_not_vaccinated,day,state,2021-05-20,2022-06-27,49,0.136612,14.0884056,3.0139223,1.5351489,2022-07-01 15:00:27,20220701,1,88 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,county,2021-05-20,2022-06-27,97,2.8947834,55.6878788,18.1899701,6.4070756,2022-07-01 14:59:42,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,hrr,2021-05-21,2022-06-27,178,2.2727273,55.8252427,18.2009257,6.2416784,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,msa,2021-05-20,2022-06-27,98,3.3219911,46.6146387,20.1795558,6.2956446,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,nation,2021-05-20,2022-06-27,1,11.9167877,25.8840354,17.0285233,3.5663794,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_appointment_or_accept_covid_vaccine,day,state,2021-05-20,2022-06-27,49,2.8947834,40.9091301,16.7679518,5.0595141,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_belief_children_immune,day,county,2021-05-20,2022-02-18,362,0.2237989,19.3409509,4.8528498,2.2392157,2022-02-23 13:51:25,20220223,5,110 -fb-survey,smoothed_belief_children_immune,day,hrr,2021-05-20,2022-02-15,291,0.1333333,17.578125,4.9065365,2.1153129,2022-02-20 13:52:39,20220220,5,110 -fb-survey,smoothed_belief_children_immune,day,msa,2021-05-20,2022-02-17,216,0.1493704,18.8073394,4.7442141,2.0875794,2022-02-22 13:54:29,20220222,5,110 -fb-survey,smoothed_belief_children_immune,day,nation,2021-05-20,2022-02-19,1,2.9170739,6.4676486,4.712255,1.1693786,2022-02-24 13:53:42,20220224,5,110 -fb-survey,smoothed_belief_children_immune,day,state,2021-05-20,2022-02-18,51,0.4000003,12.3672014,4.6223851,1.5579756,2022-02-23 13:53:56,20220223,5,110 -fb-survey,smoothed_belief_created_small_group,day,county,2021-05-20,2022-06-27,363,1.5595178,38.9954032,16.9962957,5.1983294,2022-07-01 14:59:42,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,hrr,2021-05-20,2022-06-27,291,2.4509804,50.4901961,18.915403,5.1776701,2022-07-01 14:59:57,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,msa,2021-05-20,2022-06-27,216,2.0612317,40.4307125,17.6122869,4.8342499,2022-07-01 15:00:12,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,nation,2021-05-20,2022-06-27,1,16.8966159,20.3157167,18.5028106,0.8152889,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_belief_created_small_group,day,state,2021-05-20,2022-06-27,51,2.2522523,35.5991822,18.8051095,4.2701708,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,county,2021-05-20,2022-06-27,375,49.3620543,96.961326,77.6388762,6.9251447,2022-07-01 14:59:42,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,hrr,2021-05-20,2022-06-27,293,47.7564103,96.2328767,75.1385342,6.9507118,2022-07-01 14:59:57,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,msa,2021-05-20,2022-06-27,219,46.7592593,95.2154174,76.469296,6.2078048,2022-07-01 15:00:12,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,nation,2021-05-20,2022-06-27,1,70.507751,81.219875,75.3967652,3.4605009,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_belief_distancing_effective,day,state,2021-05-20,2022-06-27,51,49.5500005,95.5284553,74.454045,6.3504165,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,county,2021-05-20,2022-06-27,362,3.2557612,47.7401536,22.572586,6.8239109,2022-07-01 14:59:43,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,hrr,2021-05-20,2022-06-27,291,4.4117647,55.8252427,25.3236335,6.7577857,2022-07-01 14:59:58,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,msa,2021-05-20,2022-06-27,215,5.229548,49.2595629,23.8016288,6.0625237,2022-07-01 15:00:12,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,nation,2021-05-20,2022-06-27,1,21.011988,28.2949287,24.8515407,1.8201246,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_belief_govt_exploitation,day,state,2021-05-20,2022-06-27,51,4.1666667,46.4502192,25.6320025,5.8297068,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_belief_masking_effective,day,county,2021-06-04,2022-06-27,376,43.2954171,97.9651163,77.5169356,8.2145814,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,hrr,2021-06-04,2022-06-27,293,41.3043478,97.4178404,74.1705489,8.2027679,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,msa,2021-06-04,2022-06-27,219,47.2142844,96.2759522,75.8904821,7.1293745,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,nation,2021-06-04,2022-06-27,1,69.7626672,80.7278994,74.5656604,3.3788714,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_belief_masking_effective,day,state,2021-06-04,2022-06-27,51,43.7072569,97.9651163,73.3523019,7.4305426,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,county,2021-05-20,2022-02-18,361,1.171875,77.7116976,21.0331544,14.0003231,2022-02-23 13:51:27,20220223,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,hrr,2021-05-20,2022-02-15,291,1.4150943,70.0819672,21.7323839,14.1352958,2022-02-20 13:52:40,20220220,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,msa,2021-05-20,2022-02-17,216,2.136855,77.4233591,21.4733949,14.1658188,2022-02-22 13:54:30,20220222,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,nation,2021-05-20,2022-02-19,1,8.3996604,48.4696633,21.8394571,13.6131326,2022-02-24 13:53:42,20220224,5,110 -fb-survey,smoothed_belief_vaccinated_mask_unnecessary,day,state,2021-05-20,2022-02-18,51,3.4288513,64.2857587,22.6686765,14.605575,2022-02-23 13:53:57,20220223,5,110 -fb-survey,smoothed_cli,day,county,2020-04-06,2022-06-27,1536,0.0,13.0003763,1.027805,1.0362304,2022-07-01 14:59:43,20220701,1,150 -fb-survey,smoothed_cli,day,hrr,2020-04-06,2022-06-27,306,0.0,11.2962963,1.2269157,1.0692117,2022-07-01 14:59:58,20220701,1,150 -fb-survey,smoothed_cli,day,msa,2020-04-06,2022-06-27,382,0.0,12.5231652,1.1602289,1.0960308,2022-07-01 15:00:12,20220701,1,150 -fb-survey,smoothed_cli,day,nation,2020-04-06,2022-06-27,1,0.3647163,4.382599,1.1685062,0.7841888,2022-07-01 15:00:23,20220701,1,253 -fb-survey,smoothed_cli,day,state,2020-04-06,2022-06-27,52,0.0,7.4156739,1.2031664,0.9198052,2022-07-01 15:00:27,20220701,1,150 -fb-survey,smoothed_covid_vaccinated,day,county,2021-01-06,2022-06-27,753,1.3182512,99.806477,73.1689173,24.0625346,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,hrr,2021-01-06,2022-06-27,306,0.4950495,99.5065789,74.1336252,20.9790356,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,msa,2021-01-06,2022-06-27,361,1.3497978,98.6988259,73.0066824,22.7746073,2022-07-01 15:00:12,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,nation,2021-01-06,2022-06-27,1,5.4455056,86.832716,75.3232519,20.8758334,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_covid_vaccinated,day,state,2021-01-06,2022-06-27,51,2.1550368,98.1481481,75.0844935,20.9783793,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,county,2021-05-20,2022-06-27,657,65.1604516,99.8105963,88.0349635,5.2263187,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,hrr,2021-05-20,2022-06-27,306,57.2625698,99.512987,85.9083299,5.3471261,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,msa,2021-05-20,2022-06-27,347,62.9303278,99.0453217,86.8796612,4.9270324,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,nation,2021-05-20,2022-06-27,1,86.0948981,88.5334628,87.1571506,0.5924003,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_appointment_or_accept,day,state,2021-05-20,2022-06-27,51,67.1810851,99.0066225,86.6146821,4.4267436,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_covid_vaccinated_friends,day,county,2021-05-20,2022-06-27,371,34.2579817,95.5645161,70.2740465,9.8389206,2022-07-01 14:59:43,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,hrr,2021-05-20,2022-06-27,291,27.3148148,93.9716312,66.4414807,10.0810154,2022-07-01 14:59:58,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,msa,2021-05-20,2022-06-27,220,28.2667809,93.9811262,68.6786081,8.9466352,2022-07-01 15:00:13,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,nation,2021-05-20,2022-06-27,1,61.9736031,70.6638435,67.1348906,2.0818524,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_friends,day,state,2021-05-20,2022-06-27,51,38.66509,90.8653846,66.2411893,8.9589405,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_covid_vaccinated_or_accept,day,county,2020-12-20,2021-08-08,768,45.0788284,99.745469,80.9666545,8.1259498,2021-08-13 12:54:19,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,hrr,2020-12-20,2021-08-08,306,44.5652174,99.5327103,80.0951132,7.769323,2021-08-13 12:55:33,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,msa,2020-12-20,2021-08-08,364,45.4966234,98.3311996,80.1205091,7.9816216,2021-08-13 12:56:24,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,nation,2020-12-20,2021-08-08,1,70.120171,87.7644024,82.8202898,4.7302724,2021-08-13 12:57:00,20210813,1,44 -fb-survey,smoothed_covid_vaccinated_or_accept,day,state,2020-12-20,2021-08-08,51,52.3185241,97.8932584,81.9259577,6.6068393,2021-08-13 12:57:05,20210813,1,44 -fb-survey,smoothed_delayed_care_cost,day,county,2021-05-20,2022-06-27,349,7.1428571,58.7731136,30.5260235,5.4782579,2022-07-01 14:59:43,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,hrr,2021-05-20,2022-06-27,288,13.2,52.9661017,30.7646315,5.1338922,2022-07-01 14:59:58,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,msa,2021-05-20,2022-06-27,213,7.1428571,58.7731136,30.749201,5.2077782,2022-07-01 15:00:13,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,nation,2021-05-20,2022-06-27,1,29.3886846,32.304431,30.9506304,0.6386159,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_delayed_care_cost,day,state,2021-05-20,2022-06-27,51,15.2439024,46.5873026,31.4106402,4.2449509,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_depressed_5d,day,county,2020-09-08,2021-03-15,750,1.3215125,28.5219101,12.6707491,2.9490081,2021-03-20 11:51:17,20210320,0,92 -fb-survey,smoothed_depressed_5d,day,hrr,2020-09-08,2021-03-11,306,4.0372671,27.3722628,12.5759003,2.4165054,2021-03-17 18:57:55,20210317,1,92 -fb-survey,smoothed_depressed_5d,day,msa,2020-09-08,2021-03-14,360,1.5728509,29.4046023,12.9635171,2.8413762,2021-03-19 11:51:37,20210319,1,92 -fb-survey,smoothed_depressed_5d,day,nation,2020-09-08,2021-03-18,1,10.6528256,13.9352609,12.3595309,0.7665024,2021-03-23 11:53:31,20210323,5,98 -fb-survey,smoothed_depressed_5d,day,state,2020-09-08,2021-03-15,51,5.9090802,20.6156453,12.6730155,1.8084615,2021-03-20 11:52:10,20210320,5,92 -fb-survey,smoothed_depressed_7d,day,county,2021-03-02,2022-06-27,613,0.5597399,26.1063583,10.2403199,2.7376668,2022-07-01 14:59:43,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,hrr,2021-03-02,2022-06-27,306,0.4807692,26.4423077,10.4213618,2.6238609,2022-07-01 14:59:58,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,msa,2021-03-02,2022-06-27,331,0.4680631,26.8705864,10.468143,2.6812753,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,nation,2021-03-02,2022-06-27,1,8.8132706,12.4159631,10.2226592,0.8368107,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_depressed_7d,day,state,2021-03-02,2022-06-27,51,2.3584906,19.6153846,10.4713187,1.8961675,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,county,2021-02-09,2022-06-27,45,5.5555556,39.6263807,21.4008743,4.321096,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,hrr,2021-02-12,2022-06-19,31,9.6899225,40.625,23.9224288,4.8282974,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,msa,2021-02-11,2022-06-26,19,9.4119587,40.3463675,22.4776737,4.8522507,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,nation,2021-02-09,2022-06-27,1,16.8978868,28.7211177,20.8719719,2.5463764,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_dont_spend_time,day,state,2021-02-09,2022-06-27,41,5.5555556,38.942329,21.3398772,4.238066,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,county,2021-02-09,2022-06-27,45,7.5999696,67.7883312,33.9147538,11.7913429,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,hrr,2021-02-12,2022-06-19,31,5.9090909,59.9056604,27.3755076,11.0428184,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,msa,2021-02-11,2022-06-26,19,4.9886613,60.5993142,32.0541118,11.767344,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,nation,2021-02-09,2022-06-27,1,16.3324104,50.1111523,34.9273113,11.0253327,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_had_covid,day,state,2021-02-09,2022-06-27,41,7.5999696,67.7883312,34.0707155,11.7727205,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,county,2021-02-09,2022-06-27,45,9.2224772,38.776445,22.6533446,3.8633949,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,hrr,2021-02-12,2022-06-19,31,9.3137255,36.5740741,21.3928019,4.3704203,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,msa,2021-02-11,2022-06-26,19,8.3386675,38.9421067,22.5059995,4.5892419,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,nation,2021-02-09,2022-06-27,1,19.1838094,26.9859256,22.7430719,2.2253834,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_beneficial,day,state,2021-02-09,2022-06-27,41,9.2224772,38.776445,22.6736772,3.8323621,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,county,2021-02-09,2022-06-27,45,22.0150329,56.250625,38.6763552,4.187104,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,hrr,2021-02-12,2022-06-19,31,27.4774775,60.4761905,40.7726616,4.7536919,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,msa,2021-02-11,2022-06-26,19,28.1531223,61.0581599,41.1034348,4.4102823,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,nation,2021-02-09,2022-06-27,1,34.6180556,41.5073,38.5047144,1.441484,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_high_risk,day,state,2021-02-09,2022-06-27,41,22.0150329,56.250625,38.6436171,4.1338582,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,county,2021-02-09,2022-06-27,45,18.9814991,63.4969607,38.0916004,5.7583841,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,hrr,2021-02-12,2022-06-19,31,20.8333333,61.2745098,36.1879966,6.2874237,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,msa,2021-02-11,2022-06-26,19,18.3854006,55.8194092,35.787947,5.7656897,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,nation,2021-02-09,2022-06-27,1,32.4725662,43.3047981,38.2416588,2.9637077,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_not_serious,day,state,2021-02-09,2022-06-27,41,18.5060327,63.4969607,38.1241797,5.7263057,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_other,day,county,2021-02-09,2022-06-27,45,15.3592362,51.6000438,31.6656623,4.3952503,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_other,day,hrr,2021-02-12,2022-06-19,31,12.3762376,48.5294118,29.3215505,5.4914016,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_other,day,msa,2021-02-11,2022-06-26,19,15.3036239,48.2089811,30.2311313,4.9965866,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_other,day,nation,2021-02-09,2022-06-27,1,22.0281863,35.1886422,31.4579475,2.4228659,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_other,day,state,2021-02-09,2022-06-27,41,15.3592362,51.6000438,31.69114,4.3716301,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_dontneed_reason_precautions,day,county,2021-02-09,2022-06-27,45,2.2936032,45.8906592,16.6077555,6.5164296,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_dontneed_reason_precautions,day,hrr,2021-02-12,2022-06-19,31,6.8807339,45.0892857,21.6270804,6.3256489,2022-06-24 12:52:41,20220624,4,63 -fb-survey,smoothed_dontneed_reason_precautions,day,msa,2021-02-11,2022-06-26,19,2.8657092,48.3796287,22.2286587,7.5302762,2022-07-01 15:00:13,20220701,2,63 -fb-survey,smoothed_dontneed_reason_precautions,day,nation,2021-02-09,2022-06-27,1,9.8516076,30.4647337,16.0890342,4.5571225,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_dontneed_reason_precautions,day,state,2021-02-09,2022-06-27,41,2.2936032,43.3333333,16.4605263,6.338244,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_felt_isolated_5d,day,county,2020-09-08,2021-03-15,747,4.847558,42.3968791,19.159348,3.8708993,2021-03-20 11:51:18,20210320,0,92 -fb-survey,smoothed_felt_isolated_5d,day,hrr,2020-09-08,2021-03-11,306,5.9633028,38.559322,18.6961722,3.1790815,2021-03-17 18:57:55,20210317,1,92 -fb-survey,smoothed_felt_isolated_5d,day,msa,2020-09-08,2021-03-14,358,4.872111,42.3968791,19.1309308,3.7302484,2021-03-19 11:51:38,20210319,1,92 -fb-survey,smoothed_felt_isolated_5d,day,nation,2020-09-08,2021-03-18,1,15.7917384,20.7178579,18.8105557,1.2162638,2021-03-23 11:53:32,20210323,5,98 -fb-survey,smoothed_felt_isolated_5d,day,state,2020-09-08,2021-03-15,51,10.4255319,30.2531646,19.1213406,2.8239792,2021-03-20 11:52:10,20210320,5,92 -fb-survey,smoothed_felt_isolated_7d,day,county,2021-03-02,2021-08-08,613,2.1045755,34.7777461,13.6739243,3.9296526,2021-08-13 12:54:20,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,hrr,2021-03-02,2021-08-08,306,1.8382353,31.875,13.0120225,3.4660622,2021-08-13 12:55:34,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,msa,2021-03-02,2021-08-08,331,2.1202975,34.9286958,13.5061658,3.7434069,2021-08-13 12:56:24,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,nation,2021-03-02,2021-08-08,1,8.2389937,18.2134159,11.6851502,2.7929577,2021-08-13 12:57:00,20210813,5,15 -fb-survey,smoothed_felt_isolated_7d,day,state,2021-03-02,2021-08-08,51,2.8965525,29.4701987,12.4222859,3.5652697,2021-08-13 12:57:06,20210813,5,15 -fb-survey,smoothed_had_covid_ever,day,county,2021-05-20,2022-06-27,661,0.3968254,62.441788,23.287253,9.5629329,2022-07-01 14:59:44,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,hrr,2021-05-20,2022-06-27,306,2.173913,60.7623318,24.7447958,9.6134064,2022-07-01 14:59:59,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,msa,2021-05-20,2022-06-27,347,1.5594999,62.1868215,23.7939522,9.501255,2022-07-01 15:00:13,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,nation,2021-05-20,2022-06-27,1,13.4884718,40.0608608,24.4992133,8.4733292,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_had_covid_ever,day,state,2021-05-20,2022-06-27,51,2.173913,50.8052975,24.6392135,9.7344291,2022-07-01 15:00:27,20220701,1,110 -fb-survey,smoothed_hesitancy_reason_allergic,day,county,2021-02-09,2021-08-08,269,12.5277006,43.8679245,26.0102465,3.7732528,2021-08-13 12:54:20,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,hrr,2021-02-09,2021-08-06,264,11.5384615,43.4579439,25.8718915,3.7725057,2021-08-11 12:56:22,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,msa,2021-02-09,2021-08-07,182,12.4357971,41.5143999,25.9393855,3.6950898,2021-08-12 12:54:53,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,nation,2021-02-09,2021-08-08,1,17.9802956,29.9519231,26.0913333,1.7161223,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_allergic,day,state,2021-02-09,2021-08-08,50,13.0027675,41.3033063,25.8046834,3.0869843,2021-08-13 12:57:06,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_cost,day,county,2021-02-09,2022-06-27,269,0.2155175,15.4996704,3.7842147,1.9095974,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,hrr,2021-02-09,2022-06-27,264,0.210084,17.1052632,3.7624734,1.9099158,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,msa,2021-02-09,2022-06-27,182,0.2395013,15.1063542,3.8823708,2.0000504,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,nation,2021-02-09,2022-06-27,1,2.2810659,6.4393365,3.00952,0.8952847,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_cost,day,state,2021-02-09,2022-06-27,50,0.2155175,13.3879781,3.2393359,1.375276,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,county,2021-02-09,2021-12-24,269,2.2711045,24.2835511,11.5717715,2.5257658,2022-02-02 20:51:32,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,hrr,2021-02-09,2021-12-22,264,2.4271845,25.0,11.6271007,2.7578404,2022-02-02 20:52:46,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,msa,2021-02-09,2021-12-23,182,2.8420633,26.9141005,11.5699548,2.7739234,2022-02-02 20:53:50,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,nation,2021-02-09,2021-12-25,1,8.9895988,17.1052632,11.729474,0.875215,2022-02-02 20:54:37,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines,day,state,2021-02-09,2021-12-24,50,4.1616781,23.2824427,11.9406882,2.0460138,2022-02-02 20:54:49,20220202,4,63 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,county,2021-12-19,2022-06-27,69,7.9831933,34.8039216,18.8957762,2.8859943,2022-07-01 14:59:44,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,hrr,2021-12-20,2022-06-27,126,6.302521,31.9047619,18.8031445,3.4864675,2022-07-01 14:59:59,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,msa,2021-12-20,2022-06-27,64,8.0349518,34.7722556,19.155767,3.2134825,2022-07-01 15:00:13,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,nation,2021-12-19,2022-06-27,1,17.6337973,19.5578457,18.6053012,0.4896687,2022-07-01 15:00:23,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_dislike_vaccines_generally,day,state,2021-12-19,2022-06-27,47,7.9831933,34.8039216,18.8072841,2.7702798,2022-07-01 15:00:27,20220701,1,14 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,county,2021-02-09,2022-06-27,269,5.2643266,65.8658853,36.5191347,10.7791288,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,hrr,2021-02-09,2022-06-27,264,5.2884615,66.509434,37.0626382,9.9607681,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,msa,2021-02-09,2022-06-27,182,10.8144015,63.5412222,34.8606277,9.7029899,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,nation,2021-02-09,2022-06-27,1,21.7519331,48.3679162,41.1213222,7.1859845,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_gov,day,state,2021-02-09,2022-06-27,50,13.345267,65.8658853,41.3420766,8.1618468,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,county,2021-02-09,2022-06-27,269,8.1357775,70.1762823,38.9057405,12.3176294,2022-07-01 14:59:44,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,hrr,2021-02-09,2022-06-27,264,8.3333333,69.8019802,38.3684199,11.035503,2022-07-01 14:59:59,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,msa,2021-02-09,2022-06-27,182,11.2684577,68.220897,36.617055,10.7274537,2022-07-01 15:00:13,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,nation,2021-02-09,2022-06-27,1,25.1080152,55.7046293,45.6832141,8.7490289,2022-07-01 15:00:23,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_distrust_vaccines,day,state,2021-02-09,2022-06-27,50,12.9464286,70.1762823,45.4180477,10.3103028,2022-07-01 15:00:27,20220701,1,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,county,2021-02-09,2021-08-08,269,2.9466938,26.9230769,13.2918204,3.0049618,2021-08-13 12:54:21,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,hrr,2021-02-09,2021-08-06,264,3.125,30.0,13.4446659,2.9658351,2021-08-11 12:56:22,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,msa,2021-02-09,2021-08-07,182,3.1643019,26.6417236,13.2466141,2.8991616,2021-08-12 12:54:53,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,nation,2021-02-09,2021-08-08,1,11.9954903,19.0625,14.5410251,1.7983539,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_health_condition,day,state,2021-02-09,2021-08-08,50,5.752447,25.4807711,13.7821031,2.58501,2021-08-13 12:57:06,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_ineffective,day,county,2021-02-09,2022-06-27,269,7.6253143,41.5178571,23.6646706,4.6730662,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,hrr,2021-02-09,2022-06-27,264,8.3333333,45.3389831,23.8568069,5.0179228,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,msa,2021-02-09,2022-06-27,182,7.6046012,41.8429875,23.2509192,4.9052365,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,nation,2021-02-09,2022-06-27,1,18.6429566,29.2183088,24.8469856,3.1445592,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_ineffective,day,state,2021-02-09,2022-06-27,50,10.4982767,41.5178571,25.0455331,4.1267331,2022-07-01 15:00:27,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,county,2021-02-09,2022-06-27,269,1.151964,48.1833181,14.9931388,9.8883824,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,hrr,2021-02-09,2022-06-27,264,0.2564103,50.462963,14.4400568,9.0336238,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,msa,2021-02-09,2022-06-27,182,1.14958,46.0995474,15.6970358,9.478581,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,nation,2021-02-09,2022-06-27,1,5.4775281,30.9452429,10.4082069,6.5575274,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_low_priority,day,state,2021-02-09,2022-06-27,50,1.3643111,41.9376261,11.028012,7.1934213,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,county,2021-02-09,2021-08-08,269,0.386761,20.7570463,8.0616076,2.1608849,2021-08-13 12:54:21,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,hrr,2021-02-09,2021-08-06,264,1.1363636,19.9115044,8.2536819,2.1689074,2021-08-11 12:56:23,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,msa,2021-02-09,2021-08-07,182,1.4547853,21.8581853,8.133678,2.1755125,2021-08-12 12:54:54,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,nation,2021-02-09,2021-08-08,1,5.2469136,12.0967742,8.8603661,1.3347251,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_not_recommended,day,state,2021-02-09,2021-08-08,50,3.5089339,20.1410863,8.4542469,1.7608239,2021-08-13 12:57:07,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_other,day,county,2021-02-09,2022-06-27,269,1.5032889,38.4530358,18.0318265,6.0784961,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,hrr,2021-02-09,2022-06-27,264,2.7108434,41.1504425,18.2904596,6.2693802,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,msa,2021-02-09,2022-06-27,182,2.3625711,40.9060207,17.7624169,6.2768452,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,nation,2021-02-09,2022-06-27,1,9.8386754,26.1018426,19.7260919,4.2675848,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_other,day,state,2021-02-09,2022-06-27,50,6.0416717,38.4353741,19.9759984,5.0931442,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_pregnant,day,county,2021-02-09,2021-08-08,269,0.3552191,14.6540741,5.6372688,1.8499839,2021-08-13 12:54:21,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,hrr,2021-02-09,2021-08-06,264,0.3546099,16.0194175,5.5408598,1.8581863,2021-08-11 12:56:23,20210811,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,msa,2021-02-09,2021-08-07,182,0.3552191,15.2817242,5.6604232,1.8489533,2021-08-12 12:54:54,20210812,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,nation,2021-02-09,2021-08-08,1,4.768177,8.4482759,5.7052265,0.7252245,2021-08-13 12:57:00,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_pregnant,day,state,2021-02-09,2021-08-08,50,0.4761905,14.6177141,5.6006103,1.4179715,2021-08-13 12:57:07,20210813,5,36 -fb-survey,smoothed_hesitancy_reason_religious,day,county,2021-02-09,2022-06-27,269,0.2360437,31.0896908,9.5731818,5.6135668,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,hrr,2021-02-09,2022-06-27,264,0.2145923,32.5242718,9.5878573,5.6824616,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,msa,2021-02-09,2022-06-27,182,0.2575795,33.000132,9.0745758,5.588583,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,nation,2021-02-09,2022-06-27,1,2.9005064,17.879135,11.4734824,4.4808544,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_religious,day,state,2021-02-09,2022-06-27,50,0.4587282,31.0896908,11.4886602,5.1003127,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,county,2021-02-09,2022-06-27,269,32.1700956,77.7274672,54.5277961,6.6817846,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,hrr,2021-02-09,2022-06-27,264,31.7391304,77.184466,54.6944144,6.8935509,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,msa,2021-02-09,2022-06-27,182,31.3196644,77.8600854,54.208866,6.8612561,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,nation,2021-02-09,2022-06-27,1,46.2099725,61.6628626,56.8816361,4.3930445,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_sideeffects,day,state,2021-02-09,2022-06-27,50,36.222644,77.7274672,56.8734399,5.5501117,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,county,2021-02-09,2022-06-27,269,2.6923077,60.9159097,30.8502858,10.6748742,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,hrr,2021-02-09,2022-06-27,264,3.9634146,60.738255,30.479742,9.5801621,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,msa,2021-02-09,2022-06-27,182,4.9094519,60.2549363,29.5871094,9.7960234,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,nation,2021-02-09,2022-06-27,1,14.985451,44.0741505,34.973603,7.3436236,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_unnecessary,day,state,2021-02-09,2022-06-27,50,9.8511649,60.9159097,35.3889361,8.6494152,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,county,2021-02-09,2022-06-27,269,7.203921,61.8609084,33.163916,9.1076926,2022-07-01 14:59:44,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,hrr,2021-02-09,2022-06-27,264,7.4257426,58.6065574,34.2231687,7.8186749,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,msa,2021-02-09,2022-06-27,182,8.4083875,56.0710642,35.301723,7.945878,2022-07-01 15:00:13,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,nation,2021-02-09,2022-06-27,1,15.5350781,42.261273,29.55581,8.3428445,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_hesitancy_reason_wait_safety,day,state,2021-02-09,2022-06-27,50,7.203921,50.3012048,29.9396632,8.5442628,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_hh_cmnty_cli,day,county,2020-04-15,2022-06-27,1254,1.4851485,71.4236679,21.7236053,10.0597465,2022-07-01 14:59:44,20220701,1,141 -fb-survey,smoothed_hh_cmnty_cli,day,hrr,2020-04-15,2022-06-27,306,2.0833333,69.6261682,22.5243714,10.1504462,2022-07-01 14:59:59,20220701,1,141 -fb-survey,smoothed_hh_cmnty_cli,day,msa,2020-04-15,2022-06-27,381,2.291879,71.5988029,22.9118476,10.3617076,2022-07-01 15:00:14,20220701,1,141 -fb-survey,smoothed_hh_cmnty_cli,day,nation,2020-04-15,2022-06-27,1,8.9571677,46.6586363,21.5844429,7.4300114,2022-07-01 15:00:23,20220701,1,244 -fb-survey,smoothed_hh_cmnty_cli,day,state,2020-04-15,2022-06-27,52,3.0,63.6425937,22.0163667,9.5743832,2022-07-01 15:00:28,20220701,1,141 -fb-survey,smoothed_ili,day,county,2020-04-06,2022-06-27,1536,0.0,13.0003763,1.0523321,1.0539384,2022-07-01 14:59:45,20220701,1,150 -fb-survey,smoothed_ili,day,hrr,2020-04-06,2022-06-27,306,0.0,12.4443956,1.2519422,1.0877521,2022-07-01 14:59:59,20220701,1,150 -fb-survey,smoothed_ili,day,msa,2020-04-06,2022-06-27,382,0.0,12.9951589,1.1853276,1.1148771,2022-07-01 15:00:14,20220701,1,150 -fb-survey,smoothed_ili,day,nation,2020-04-06,2022-06-27,1,0.3778058,4.5067924,1.1945039,0.8030019,2022-07-01 15:00:23,20220701,1,253 -fb-survey,smoothed_ili,day,state,2020-04-06,2022-06-27,52,0.0,7.5896827,1.2279235,0.9389695,2022-07-01 15:00:28,20220701,1,150 -fb-survey,smoothed_inperson_school_fulltime,day,county,2020-11-24,2021-12-24,295,2.4768475,95.9090909,44.5197765,24.4115893,2022-02-02 20:51:33,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,hrr,2020-11-24,2021-12-22,264,2.5,96.6981132,46.6805616,23.126512,2022-02-02 20:52:47,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,msa,2020-11-24,2021-12-24,181,2.4768475,95.8277046,45.6823519,23.6294977,2022-02-02 20:53:52,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,nation,2020-11-24,2021-12-24,1,31.1474442,86.2974266,57.9919467,19.6343032,2022-02-02 20:54:38,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime,day,state,2020-11-24,2021-12-24,50,4.6188443,95.9090909,58.5177167,22.7773491,2022-02-02 20:54:50,20220202,5,133 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,county,2021-12-19,2022-06-27,70,64.2528801,99.5454541,93.1441744,3.8302019,2022-07-01 14:59:45,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,hrr,2021-12-21,2022-06-27,89,58.7378641,99.7326203,91.7818697,5.0539044,2022-07-01 14:59:59,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,msa,2021-12-20,2022-06-27,53,58.9464332,99.6914588,92.912921,4.2150885,2022-07-01 15:00:14,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,nation,2021-12-19,2022-06-27,1,88.4834058,95.8449786,93.797397,1.8885489,2022-07-01 15:00:23,20220701,1,14 -fb-survey,smoothed_inperson_school_fulltime_oldest,day,state,2021-12-19,2022-06-27,42,64.2528801,99.5454541,93.2461363,3.7585036,2022-07-01 15:00:28,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime,day,county,2020-11-24,2021-12-24,293,0.4471104,75.0,23.66865,12.0654216,2022-02-02 20:51:34,20220202,1,133 -fb-survey,smoothed_inperson_school_parttime,day,hrr,2020-11-24,2021-12-22,259,0.4464286,64.9390244,24.6476029,11.1406814,2022-02-02 20:52:47,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime,day,msa,2020-11-24,2021-12-23,178,0.4471104,67.5480642,23.7069805,11.3600091,2022-02-02 20:53:52,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime,day,nation,2020-11-24,2021-12-24,1,14.670418,28.0281176,21.435269,4.6015634,2022-02-02 20:54:38,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime,day,state,2020-11-24,2021-12-24,50,4.6727195,65.3645513,22.4179137,9.9737538,2022-02-02 20:54:50,20220202,5,133 -fb-survey,smoothed_inperson_school_parttime_oldest,day,county,2021-12-19,2022-06-27,70,0.1455601,25.061993,4.3675839,2.6485041,2022-07-01 14:59:45,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,hrr,2021-12-21,2022-06-27,89,0.1968504,27.4691358,5.2424037,3.457449,2022-07-01 14:59:59,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,msa,2021-12-20,2022-06-27,53,0.2105131,30.1952249,4.4253137,2.7792599,2022-07-01 15:00:14,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,nation,2021-12-19,2022-06-27,1,2.4698405,7.3677432,3.9326243,1.2549263,2022-07-01 15:00:23,20220701,1,14 -fb-survey,smoothed_inperson_school_parttime_oldest,day,state,2021-12-19,2022-06-27,42,0.1455601,21.0691824,4.3116651,2.6010067,2022-07-01 15:00:28,20220701,1,14 -fb-survey,smoothed_large_event_1d,day,county,2020-09-08,2021-03-15,835,0.2747253,35.0190308,9.9150598,5.0553773,2021-03-20 11:51:20,20210320,1,92 -fb-survey,smoothed_large_event_1d,day,hrr,2020-09-08,2021-03-11,306,0.5050505,38.372093,10.6125117,4.9980909,2021-03-17 18:57:57,20210317,2,92 -fb-survey,smoothed_large_event_1d,day,msa,2020-09-08,2021-03-14,370,0.2747253,41.2128132,10.5650454,5.0873737,2021-03-19 11:51:40,20210319,1,92 -fb-survey,smoothed_large_event_1d,day,nation,2020-09-08,2021-03-18,1,5.821922,14.4078957,9.8547453,2.9501063,2021-03-23 11:53:35,20210323,2,98 -fb-survey,smoothed_large_event_1d,day,state,2020-09-08,2021-03-15,51,1.3324856,27.9500957,10.08541,4.6567058,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_large_event_indoors_1d,day,county,2021-03-02,2022-06-27,670,0.8426611,48.9674534,19.5557945,6.5286424,2022-07-01 14:59:45,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,1.2,49.5535714,20.8342057,6.3583766,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,msa,2021-03-02,2022-06-27,349,1.0457604,48.695691,20.0899501,6.3579349,2022-07-01 15:00:14,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,nation,2021-03-02,2022-06-27,1,9.2876428,28.4955233,20.3804892,4.9184689,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_large_event_indoors_1d,day,state,2021-03-02,2022-06-27,51,2.1613833,42.4393107,20.8737336,6.3113389,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_nohh_cmnty_cli,day,county,2020-04-15,2022-06-27,1255,0.0873015873015873,64.9542619,17.3135055,9.2732346,2022-07-01 14:59:45,20220701,1,141 -fb-survey,smoothed_nohh_cmnty_cli,day,hrr,2020-04-15,2022-06-27,306,0.4385965,62.3015873,17.847692,9.3914735,2022-07-01 14:59:59,20220701,1,141 -fb-survey,smoothed_nohh_cmnty_cli,day,msa,2020-04-15,2022-06-27,381,0.4140571,62.6385053,18.2762835,9.6017706,2022-07-01 15:00:14,20220701,1,141 -fb-survey,smoothed_nohh_cmnty_cli,day,nation,2020-04-15,2022-06-27,1,5.9029574,40.1083297,17.0003805,6.7897742,2022-07-01 15:00:23,20220701,1,244 -fb-survey,smoothed_nohh_cmnty_cli,day,state,2020-04-15,2022-06-27,52,1.8,57.8524353,17.3921858,8.8588016,2022-07-01 15:00:28,20220701,1,141 -fb-survey,smoothed_others_distanced_public,day,county,2021-06-04,2022-06-27,360,3.3562166,57.5892857,20.6124184,6.831208,2022-07-01 14:59:45,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,hrr,2021-06-04,2022-06-27,290,3.0701754,57.2,19.9457339,6.4247535,2022-07-01 14:59:59,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,msa,2021-06-04,2022-06-27,214,3.0156712,57.5892857,20.1721024,6.5892291,2022-07-01 15:00:14,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,nation,2021-06-04,2022-06-27,1,12.6425317,30.5620336,19.4177543,3.9138545,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_others_distanced_public,day,state,2021-06-04,2022-06-27,51,6.1373559,54.1118421,19.1732815,5.9312161,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_others_masked,day,county,2020-11-24,2021-08-08,726,0.4545455,99.5689655,76.7892852,20.3268655,2021-08-13 12:54:26,20210813,0,44 -fb-survey,smoothed_others_masked,day,hrr,2020-11-24,2021-08-08,306,0.3012048,97.8483607,70.5054701,23.0938682,2021-08-13 12:55:39,20210813,5,44 -fb-survey,smoothed_others_masked,day,msa,2020-11-24,2021-08-08,355,0.9678555,99.3561028,73.8146157,20.8637976,2021-08-13 12:56:27,20210813,5,44 -fb-survey,smoothed_others_masked,day,nation,2020-11-24,2021-08-08,1,11.3260333,83.3975338,62.0673298,26.5766067,2021-08-13 12:57:00,20210813,5,44 -fb-survey,smoothed_others_masked,day,state,2020-11-24,2021-08-08,51,0.4545455,97.3011364,65.3182332,27.4483035,2021-08-13 12:57:08,20210813,5,44 -fb-survey,smoothed_others_masked_public,day,county,2021-05-20,2022-06-27,363,0.1847656,91.411247,24.0853734,22.5073682,2022-07-01 14:59:45,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,hrr,2021-05-20,2022-06-27,289,0.1552795,91.6666667,19.7083939,20.4022362,2022-07-01 15:00:00,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,msa,2021-05-20,2022-06-27,215,0.1495027,88.8538176,20.9942671,20.7558111,2022-07-01 15:00:14,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,nation,2021-05-20,2022-06-27,1,3.3426304,55.2231769,19.5272947,10.9635458,2022-07-01 15:00:23,20220701,1,63 -fb-survey,smoothed_others_masked_public,day,state,2021-05-20,2022-06-27,51,0.2051755,86.6319444,17.6915699,18.9261281,2022-07-01 15:00:28,20220701,1,63 -fb-survey,smoothed_public_transit_1d,day,county,2020-09-08,2022-06-27,835,0.095057,62.1767008,4.0788632,4.2801094,2022-07-01 14:59:45,20220701,1,92 -fb-survey,smoothed_public_transit_1d,day,hrr,2020-09-08,2022-06-27,306,0.1347709,49.3869732,3.9592897,3.574987,2022-07-01 15:00:00,20220701,1,92 -fb-survey,smoothed_public_transit_1d,day,msa,2020-09-08,2022-06-27,370,0.134393,22.9349191,3.5387868,2.0462001,2022-07-01 15:00:14,20220701,1,92 -fb-survey,smoothed_public_transit_1d,day,nation,2020-09-08,2022-06-27,1,2.1052249,6.8432808,4.3162926,1.3625614,2022-07-01 15:00:23,20220701,1,98 -fb-survey,smoothed_public_transit_1d,day,state,2020-09-08,2022-06-27,51,0.2777778,40.6077348,4.2994529,3.2892331,2022-07-01 15:00:28,20220701,1,92 -fb-survey,smoothed_race_treated_fairly_healthcare,day,county,2021-05-20,2022-06-27,350,45.7284817,95.754717,80.5063719,5.9788001,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,hrr,2021-05-20,2022-06-27,288,48.828125,96.7592593,80.9544846,5.5061638,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,msa,2021-05-20,2022-06-27,213,55.8864608,96.0307321,81.0345777,5.0956802,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,nation,2021-05-20,2022-06-27,1,79.5861654,82.0039327,80.7542663,0.6791153,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_race_treated_fairly_healthcare,day,state,2021-05-20,2022-06-27,51,61.328125,95.2020275,81.4277317,4.1343718,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_2_vaccine_doses,day,county,2021-01-13,2021-11-14,552,2.3198356,99.5404178,80.4469778,17.4457364,2021-11-19 13:51:23,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,hrr,2021-01-14,2021-11-14,305,2.6315789,98.7603306,78.6262274,19.1983196,2021-11-19 13:52:55,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,msa,2021-01-13,2021-11-14,314,1.4015063,99.5404178,79.7855858,18.1636474,2021-11-19 13:54:05,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,nation,2021-01-13,2021-11-14,1,18.0464866,93.7901764,76.0886178,21.9440468,2021-11-19 13:54:51,20211119,1,44 -fb-survey,smoothed_received_2_vaccine_doses,day,state,2021-01-13,2021-11-14,51,7.195572,96.8390805,76.7985081,21.4059638,2021-11-19 13:54:59,20211119,1,44 -fb-survey,smoothed_received_news_cdc,day,county,2021-05-20,2022-06-27,352,17.312376,83.8691929,50.6508482,9.2428997,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,hrr,2021-05-20,2022-06-27,289,18.7943262,79.2763158,48.1565334,8.7193388,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,msa,2021-05-20,2022-06-27,214,17.312376,80.0966962,49.9010932,8.6830128,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,nation,2021-05-20,2022-06-27,1,34.376968,62.0013045,47.7332059,6.9562962,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_cdc,day,state,2021-05-20,2022-06-27,51,21.3121132,80.0653595,47.8799708,8.7058391,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,county,2021-05-20,2022-06-27,352,15.4020118,76.4838488,46.0801026,9.0546172,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,hrr,2021-05-20,2022-06-27,289,10.3960396,76.0869565,43.6024718,8.6323687,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,msa,2021-05-20,2022-06-27,214,15.4020118,76.4838488,45.2427395,8.5528722,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,nation,2021-05-20,2022-06-27,1,29.6171405,52.3496564,43.040267,6.3316409,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_experts,day,state,2021-05-20,2022-06-27,51,15.7130176,70.0980392,42.9188447,8.2292133,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,county,2021-05-20,2022-06-27,352,7.7432706,50.7741956,26.7384901,5.8833039,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,hrr,2021-05-20,2022-06-27,289,5.1181102,51.1904762,25.5411159,5.6777075,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,msa,2021-05-20,2022-06-27,214,7.9338375,47.7828711,26.0776042,5.6801554,2022-07-01 15:00:14,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,nation,2021-05-20,2022-06-27,1,18.5287658,32.7078103,25.0839403,4.232665,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_friends,day,state,2021-05-20,2022-06-27,51,8.6484698,48.8970588,24.9527965,5.1881611,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,county,2021-05-20,2022-06-27,352,11.2360077,75.9390557,42.3387361,8.5996051,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,hrr,2021-05-20,2022-06-27,289,8.7155963,72.1238938,40.1722302,8.2112814,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,msa,2021-05-20,2022-06-27,214,10.7331883,75.9390557,41.4797682,8.2858454,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,nation,2021-05-20,2022-06-27,1,26.3702126,48.9312391,39.6279308,6.2032699,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_govt_health,day,state,2021-05-20,2022-06-27,51,16.1182262,75.6849315,39.8700826,8.2698508,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,county,2021-05-20,2022-06-27,352,18.1361571,71.5753425,40.9366511,6.6404217,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,hrr,2021-05-20,2022-06-27,289,13.8095238,66.2601626,38.8559338,6.2780698,2022-07-01 15:00:00,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,msa,2021-05-20,2022-06-27,214,17.6076207,67.8437627,39.9352284,5.9403424,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,nation,2021-05-20,2022-06-27,1,29.8004842,44.8232294,38.7965116,3.379436,2022-07-01 15:00:23,20220701,1,110 -fb-survey,smoothed_received_news_journalists,day,state,2021-05-20,2022-06-27,51,18.5121144,71.5753425,38.4492033,5.5845236,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,county,2021-05-20,2022-06-27,352,13.086205,51.3641074,31.4615558,5.099061,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,hrr,2021-05-20,2022-06-27,289,9.5041322,52.962963,30.9371166,5.0522055,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,msa,2021-05-20,2022-06-27,214,12.7113586,52.5606046,31.4198377,5.0660626,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,nation,2021-05-20,2022-06-27,1,25.7341349,35.5974473,30.3417511,3.5064817,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_local_health,day,state,2021-05-20,2022-06-27,51,16.3908796,46.9298246,30.3429556,4.4405127,2022-07-01 15:00:28,20220701,1,110 -fb-survey,smoothed_received_news_none,day,county,2021-05-20,2022-06-27,352,2.0719957,51.741146,18.2266474,6.5932903,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_none,day,hrr,2021-05-20,2022-06-27,289,3.2934132,51.3392857,20.2708858,6.7447741,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_none,day,msa,2021-05-20,2022-06-27,214,3.4415375,50.8466214,19.0390409,6.2442693,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_none,day,nation,2021-05-20,2022-06-27,1,13.285984,31.2890969,20.5412468,5.0736556,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_none,day,state,2021-05-20,2022-06-27,51,3.3980583,51.741146,21.024077,6.7603186,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,county,2021-05-20,2022-06-27,352,0.8940556,32.5937989,14.0008319,4.2653918,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,hrr,2021-05-20,2022-06-27,289,1.4018692,34.2975207,13.6821224,4.1663945,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,msa,2021-05-20,2022-06-27,214,0.9588292,33.178543,13.8866663,4.2377682,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,nation,2021-05-20,2022-06-27,1,6.6163647,19.3050672,13.1515188,3.3615168,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_politicians,day,state,2021-05-20,2022-06-27,51,2.5184476,30.6034483,13.2356591,3.7841364,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,county,2021-05-20,2022-06-27,352,0.1473069,45.2891468,3.5073868,2.0707023,2022-07-01 14:59:46,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,hrr,2021-05-20,2022-06-27,289,0.1272265,44.9115044,3.4576402,1.9319238,2022-07-01 15:00:01,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,msa,2021-05-20,2022-06-27,214,0.1374717,44.8339205,3.5319733,2.1284912,2022-07-01 15:00:15,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,nation,2021-05-20,2022-06-27,1,1.9109,4.7174082,3.1307987,0.6967878,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_received_news_religious,day,state,2021-05-20,2022-06-27,51,0.1612903,30.9379587,3.2542438,1.6775432,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_restaurant_1d,day,county,2020-09-08,2021-03-15,835,0.3676141,43.0794739,16.832985,6.4682913,2021-03-20 11:51:22,20210320,1,92 -fb-survey,smoothed_restaurant_1d,day,hrr,2020-09-08,2021-03-11,306,1.6081871,38.6178862,17.1756996,6.1310185,2021-03-17 18:57:58,20210317,2,92 -fb-survey,smoothed_restaurant_1d,day,msa,2020-09-08,2021-03-14,370,1.3915847,41.8370156,17.3328964,6.3786693,2021-03-19 11:51:40,20210319,1,92 -fb-survey,smoothed_restaurant_1d,day,nation,2020-09-08,2021-03-18,1,10.4524366,22.6636252,16.8144285,4.0862523,2021-03-23 11:53:36,20210323,2,98 -fb-survey,smoothed_restaurant_1d,day,state,2020-09-08,2021-03-15,51,3.5497285,35.6485482,16.9186822,5.5279085,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_restaurant_indoors_1d,day,county,2021-03-02,2022-06-27,670,2.7331963,64.8308781,31.960638,7.7718147,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,2.6011561,67.1428571,32.8701005,7.2634747,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,msa,2021-03-02,2022-06-27,349,2.9035161,64.8308781,32.5363587,7.4270669,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,nation,2021-03-02,2022-06-27,1,17.2784122,39.501548,32.6372926,5.4919707,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_restaurant_indoors_1d,day,state,2021-03-02,2022-06-27,51,6.1959654,53.0953846,32.7768418,6.9573693,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_screening_tested_positive_14d,day,county,2021-03-19,2022-02-16,62,0.117647,23.1817905,2.8704683,2.4927731,2022-02-21 13:51:42,20220221,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,hrr,2021-03-19,2022-02-03,59,0.1557632,16.2280702,2.9334139,2.3583522,2022-02-08 15:20:40,20220208,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,msa,2021-03-19,2022-02-12,36,0.1706702,13.4830291,2.6089512,2.165859,2022-02-17 15:54:14,20220217,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,nation,2021-03-19,2022-02-18,1,1.033658,8.3287778,2.5091115,1.8165345,2022-02-23 13:53:51,20220223,4,63 -fb-survey,smoothed_screening_tested_positive_14d,day,state,2021-03-19,2022-02-16,41,0.117647,23.1817905,2.862409,2.4994776,2022-02-21 13:54:16,20220221,4,63 -fb-survey,smoothed_shop_1d,day,county,2020-09-08,2021-03-15,835,31.0457878,80.9303016,55.799649,5.697443,2021-03-20 11:51:22,20210320,1,92 -fb-survey,smoothed_shop_1d,day,hrr,2020-09-08,2021-03-11,306,34.1911765,80.078125,56.1945625,4.9992259,2021-03-17 18:57:58,20210317,2,92 -fb-survey,smoothed_shop_1d,day,msa,2020-09-08,2021-03-14,370,31.0457878,79.8241917,56.2465007,5.5273594,2021-03-19 11:51:41,20210319,1,92 -fb-survey,smoothed_shop_1d,day,nation,2020-09-08,2021-03-18,1,48.7589625,63.5714286,56.0491055,3.6312046,2021-03-23 11:53:36,20210323,2,98 -fb-survey,smoothed_shop_1d,day,state,2020-09-08,2021-03-15,51,38.8026714,71.0785011,55.8633728,4.390865,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_shop_indoors_1d,day,county,2021-03-02,2022-06-27,670,37.1943143,86.213313,63.5125812,5.9668137,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,37.3873874,83.8582677,64.0812804,5.3502162,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,msa,2021-03-02,2022-06-27,349,39.8970268,85.235709,63.8099815,5.6786129,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,nation,2021-03-02,2022-06-27,1,52.584436,69.1694563,63.8664099,4.1159181,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_shop_indoors_1d,day,state,2021-03-02,2022-06-27,51,39.0489914,77.3469237,64.202676,4.7537286,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_spent_time_1d,day,county,2020-09-08,2021-03-15,835,11.1333192,65.7019113,35.7243069,7.20866,2021-03-20 11:51:22,20210320,1,92 -fb-survey,smoothed_spent_time_1d,day,hrr,2020-09-08,2021-03-11,306,16.0805861,68.0147059,36.3163891,6.8526953,2021-03-17 18:57:58,20210317,2,92 -fb-survey,smoothed_spent_time_1d,day,msa,2020-09-08,2021-03-14,370,14.7522808,71.5605842,36.4135148,6.9560007,2021-03-19 11:51:41,20210319,1,92 -fb-survey,smoothed_spent_time_1d,day,nation,2020-09-08,2021-03-18,1,27.3592369,45.4855762,35.6599339,5.2053241,2021-03-23 11:53:36,20210323,2,98 -fb-survey,smoothed_spent_time_1d,day,state,2020-09-08,2021-03-15,51,20.9839357,61.1029307,36.1353946,6.4029348,2021-03-20 11:52:11,20210320,2,92 -fb-survey,smoothed_spent_time_indoors_1d,day,county,2021-03-02,2022-06-27,670,13.6185427,68.0766531,42.5816393,6.7250815,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,13.8980263,69.4174757,43.5116699,6.3400205,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,msa,2021-03-02,2022-06-27,349,15.7098596,67.506316,43.1458971,6.3721644,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,nation,2021-03-02,2022-06-27,1,31.7669627,50.1394421,43.013888,4.2230405,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_spent_time_indoors_1d,day,state,2021-03-02,2022-06-27,51,19.5478723,62.0851589,44.0493843,5.8402787,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_tested_14d,day,county,2020-09-08,2022-06-27,802,0.3763116,60.1618463,13.3762443,7.1632356,2022-07-01 14:59:47,20220701,1,92 -fb-survey,smoothed_tested_14d,day,hrr,2020-09-08,2022-06-27,306,0.3759398,54.8507463,13.3679335,6.8422179,2022-07-01 15:00:01,20220701,1,92 -fb-survey,smoothed_tested_14d,day,msa,2020-09-08,2022-06-27,366,0.468327,51.7699115,13.0237435,6.7146357,2022-07-01 15:00:15,20220701,1,92 -fb-survey,smoothed_tested_14d,day,nation,2020-09-08,2022-06-27,1,6.7457229,30.8202368,13.6709261,5.6521833,2022-07-01 15:00:24,20220701,1,98 -fb-survey,smoothed_tested_14d,day,state,2020-09-08,2022-06-27,51,3.1647525,55.9561129,13.7596762,6.8894805,2022-07-01 15:00:29,20220701,1,92 -fb-survey,smoothed_tested_positive_14d,day,county,2020-09-08,2022-06-27,225,0.3179165,55.3326263,16.1408705,9.5222896,2022-07-01 14:59:47,20220701,1,92 -fb-survey,smoothed_tested_positive_14d,day,hrr,2020-09-09,2022-06-27,225,0.3289474,58.8461538,17.0765221,10.0769297,2022-07-01 15:00:01,20220701,1,91 -fb-survey,smoothed_tested_positive_14d,day,msa,2020-09-08,2022-06-27,138,0.3697014,57.088055,16.5016645,9.9953246,2022-07-01 15:00:15,20220701,1,92 -fb-survey,smoothed_tested_positive_14d,day,nation,2020-09-08,2022-06-27,1,4.5745106,33.5769515,14.4196346,6.8459732,2022-07-01 15:00:24,20220701,1,98 -fb-survey,smoothed_tested_positive_14d,day,state,2020-09-08,2022-06-27,51,0.3448276,50.4549182,15.6387244,9.0528174,2022-07-01 15:00:29,20220701,1,92 -fb-survey,smoothed_travel_outside_state_5d,day,county,2020-04-06,2021-03-15,1438,0.1278728,62.0102684,9.2267224,6.9656407,2021-03-20 11:51:23,20210320,1,247 -fb-survey,smoothed_travel_outside_state_5d,day,hrr,2020-04-06,2021-03-11,306,0.1602564,60.8490566,8.8027838,5.8373052,2021-03-17 18:57:58,20210317,1,247 -fb-survey,smoothed_travel_outside_state_5d,day,msa,2020-04-06,2021-03-14,382,0.1057638,58.3878256,8.6504808,6.4744061,2021-03-19 11:51:41,20210319,1,247 -fb-survey,smoothed_travel_outside_state_5d,day,nation,2020-04-06,2021-03-18,1,3.4962419,12.0337847,8.345124,2.2727862,2021-03-23 11:53:37,20210323,5,253 -fb-survey,smoothed_travel_outside_state_5d,day,state,2020-04-06,2021-03-15,52,0.5523732,33.68356,10.1314193,5.3121718,2021-03-20 11:52:11,20210320,5,247 -fb-survey,smoothed_travel_outside_state_7d,day,county,2021-03-02,2022-02-18,663,0.2888028,59.9099099,13.4613361,7.0376795,2022-02-23 13:51:43,20220223,1,63 -fb-survey,smoothed_travel_outside_state_7d,day,hrr,2021-03-02,2022-02-17,306,0.3267974,52.4074074,13.4212873,6.676349,2022-02-22 13:53:55,20220222,4,63 -fb-survey,smoothed_travel_outside_state_7d,day,msa,2021-03-02,2022-02-18,347,0.2888028,53.1144844,12.7939332,6.795581,2022-02-23 13:53:24,20220223,4,63 -fb-survey,smoothed_travel_outside_state_7d,day,nation,2021-03-02,2022-02-20,1,8.2461599,16.5613488,12.9164168,2.1343214,2022-02-25 13:53:26,20220225,4,63 -fb-survey,smoothed_travel_outside_state_7d,day,state,2021-03-02,2022-02-18,51,1.8213866,46.347032,15.4810928,6.3118193,2022-02-23 13:54:01,20220223,4,63 -fb-survey,smoothed_trust_covid_info_cdc,day,county,2021-05-20,2022-06-27,350,27.1256082,84.5459654,57.614259,7.5952306,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,hrr,2021-05-20,2022-06-27,288,25.462963,81.2883436,54.9767355,7.3131159,2022-07-01 15:00:01,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,msa,2021-05-20,2022-06-27,214,29.7698242,79.825075,56.5924869,6.8854451,2022-07-01 15:00:15,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,nation,2021-05-20,2022-06-27,1,49.3947756,59.4503216,55.1219109,2.9995216,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_cdc,day,state,2021-05-20,2022-06-27,51,32.3779553,81.6037736,54.8223408,6.4017258,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,county,2021-05-20,2022-06-27,349,46.2507761,90.2044342,69.5155329,6.197707,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,hrr,2021-05-20,2022-06-27,288,39.9038462,87.7952756,67.379049,5.8552502,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,msa,2021-05-20,2022-06-27,213,47.6851852,88.1973757,68.9191687,5.4751655,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,nation,2021-05-20,2022-06-27,1,65.0621494,70.6477209,67.5793704,1.3295593,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_doctors,day,state,2021-05-20,2022-06-27,51,46.2507761,86.9127517,67.3045155,4.7440448,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,county,2021-05-20,2022-06-27,348,33.47621,91.0104694,63.36685,8.5940192,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,hrr,2021-05-20,2022-06-27,287,27.9411765,87.1681416,59.9603122,8.4220489,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,msa,2021-05-20,2022-06-27,212,34.6926622,91.0104694,62.0394297,7.6649362,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,nation,2021-05-20,2022-06-27,1,56.7147029,63.9986564,60.2942475,2.0538771,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_experts,day,state,2021-05-20,2022-06-27,51,33.47621,87.8640777,59.7360342,7.3349201,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,county,2021-05-20,2022-06-27,346,5.4369333,38.9051494,18.1730347,3.2492851,2022-07-01 14:59:47,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,hrr,2021-05-20,2022-06-27,287,5.4455446,39.1089109,18.3914261,3.1059275,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,msa,2021-05-20,2022-06-27,212,6.0849708,33.7606838,17.9772443,3.0392559,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,nation,2021-05-20,2022-06-27,1,16.2863731,19.811724,18.2680896,0.8368338,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_friends,day,state,2021-05-20,2022-06-27,51,7.2115385,30.9752385,18.4532261,2.1554057,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,county,2021-05-20,2022-06-27,348,12.5616662,70.6140351,35.4145167,6.9847982,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,hrr,2021-05-20,2022-06-27,288,10.5504587,61.4197531,33.2079277,6.6038561,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,msa,2021-05-20,2022-06-27,213,12.9255707,59.5366116,34.2255822,6.2320838,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,nation,2021-05-20,2022-06-27,1,30.0533624,36.817049,33.275057,1.6798429,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_govt_health,day,state,2021-05-20,2022-06-27,51,16.4116634,70.6140351,33.0422332,5.6106437,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,county,2021-05-20,2022-06-27,345,0.9117942,30.8823529,10.0398423,3.589571,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,hrr,2021-05-20,2022-06-27,287,0.3401361,27.5700935,9.1369414,3.2422956,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,msa,2021-05-20,2022-06-27,212,0.4032307,25.7424154,9.3795789,2.8861662,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,nation,2021-05-20,2022-06-27,1,7.7449028,11.2790921,9.1526601,0.9311228,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_journalists,day,state,2021-05-20,2022-06-27,51,1.1426952,30.8823529,8.8816003,2.4764832,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,county,2021-05-20,2022-06-27,345,0.1278606,18.3870968,3.2940236,1.7737813,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,hrr,2021-05-20,2022-06-27,288,0.1207729,16.9871795,3.0638253,1.5928745,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,msa,2021-05-20,2022-06-27,211,0.1462759,13.1715615,3.059005,1.4350094,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,nation,2021-05-20,2022-06-27,1,2.4429154,3.4157622,2.864685,0.2056409,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_politicians,day,state,2021-05-20,2022-06-27,51,0.1278606,9.3137255,2.7453702,0.9634634,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,county,2021-05-20,2022-06-27,343,0.4550481,48.1382566,9.6968356,3.5750494,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,hrr,2021-05-20,2022-06-27,286,1.2195122,48.6754967,10.0372339,3.4546102,2022-07-01 15:00:02,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,msa,2021-05-20,2022-06-27,210,0.48076,47.664856,9.869458,3.6585668,2022-07-01 15:00:16,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,nation,2021-05-20,2022-06-27,1,9.1331293,10.7871885,9.7769491,0.3359694,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_trust_covid_info_religious,day,state,2021-05-20,2022-06-27,51,1.4792899,31.6707078,9.9613873,3.0734899,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_try_vaccinate_1m,day,county,2021-06-04,2022-06-27,43,0.3623013,19.6153997,7.2753735,2.9945623,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_try_vaccinate_1m,day,hrr,2021-06-06,2022-02-24,36,2.016129,20.4347826,9.8059247,3.2850435,2022-03-01 15:36:14,20220301,4,63 -fb-survey,smoothed_try_vaccinate_1m,day,msa,2021-06-04,2022-05-25,20,2.1013754,21.6321272,10.038492,3.0406572,2022-05-30 12:53:18,20220530,4,63 -fb-survey,smoothed_try_vaccinate_1m,day,nation,2021-06-04,2022-06-27,1,2.5275853,10.6381247,6.3220146,2.4845387,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_try_vaccinate_1m,day,state,2021-06-04,2022-06-27,39,0.3623013,19.6153997,7.1912902,2.9158405,2022-07-01 15:00:29,20220701,1,63 -fb-survey,smoothed_vaccinate_child_oldest,day,county,2021-12-19,2022-06-27,82,41.3385039,95.633186,70.3996744,9.2363304,2022-07-01 14:59:48,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,hrr,2021-12-21,2022-06-27,113,43.75,95.631068,74.16059,8.7004116,2022-07-01 15:00:02,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,msa,2021-12-20,2022-06-27,67,49.8405036,97.0886686,76.9479083,7.539286,2022-07-01 15:00:16,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,nation,2021-12-19,2022-06-27,1,67.0350504,74.0816004,69.7347097,2.0161029,2022-07-01 15:00:24,20220701,1,14 -fb-survey,smoothed_vaccinate_child_oldest,day,state,2021-12-19,2022-06-27,44,41.8831164,89.0163934,68.7140344,8.3709756,2022-07-01 15:00:29,20220701,1,14 -fb-survey,smoothed_vaccinate_children,day,county,2021-06-04,2021-12-24,170,39.5190983,98.7782987,75.1923807,9.301695,2022-02-02 20:51:42,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,hrr,2021-06-04,2021-12-23,207,36.6935484,98.8461538,73.3471734,9.404725,2022-02-02 20:52:56,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,msa,2021-06-04,2021-12-24,121,48.2794753,96.0136175,76.2864611,7.5065416,2022-02-02 20:53:58,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,nation,2021-06-04,2021-12-25,1,66.9753086,75.9890827,72.1124514,2.647172,2022-02-02 20:54:39,20220202,4,63 -fb-survey,smoothed_vaccinate_children,day,state,2021-06-04,2021-12-24,50,39.5190983,91.8604922,70.6454563,7.6878651,2022-02-02 20:54:53,20220202,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,county,2021-12-19,2022-02-18,506,0.1396784,12.6910794,3.111377,1.7723655,2022-02-23 13:51:45,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,hrr,2021-12-19,2022-02-17,304,0.1072961,11.5131579,2.6373891,1.4851032,2022-02-22 13:53:58,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,msa,2021-12-19,2022-02-18,284,0.1269965,12.6910794,2.7332675,1.5109535,2022-02-23 13:53:26,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,nation,2021-12-19,2022-02-19,1,2.5795998,4.3089431,2.8100906,0.2216507,2022-02-24 13:53:44,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location,day,state,2021-12-19,2022-02-18,51,0.1396784,10.4316547,2.6465775,1.2100227,2022-02-23 13:54:02,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,county,2021-12-19,2022-02-18,502,0.1368611,12.8129303,3.0456248,1.7721595,2022-02-23 13:51:45,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,hrr,2021-12-19,2022-02-17,304,0.1089325,11.589404,2.5677305,1.4838745,2022-02-22 13:53:58,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,msa,2021-12-19,2022-02-18,283,0.1286283,12.8129303,2.666686,1.511144,2022-02-23 13:53:26,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,nation,2021-12-19,2022-02-19,1,2.5029074,4.2288557,2.7328465,0.2245961,2022-02-24 13:53:44,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_has,day,state,2021-12-19,2022-02-18,51,0.1420593,9.8540146,2.5639678,1.2066824,2022-02-23 13:54:03,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,county,2021-12-24,2022-06-25,8,1.4851485,16.0194175,8.1822071,2.8026049,2022-07-01 14:59:48,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,nation,2021-12-19,2022-06-27,1,4.2465753,9.8173516,7.2866241,1.2616971,2022-07-01 15:00:24,20220701,1,14 -fb-survey,smoothed_vaccine_barrier_appointment_location_tried,day,state,2021-12-24,2022-06-25,8,1.4851485,16.0194175,8.1822071,2.8026049,2022-07-01 15:00:29,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,county,2021-06-04,2022-02-18,552,0.062808,13.4287175,2.1500989,1.3174732,2022-02-23 13:51:45,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,hrr,2021-06-04,2022-02-17,305,0.0537634,10.4743083,1.9066729,1.0987944,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,msa,2021-06-04,2022-02-18,313,0.0909755,11.4683767,1.9859284,1.1646776,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,nation,2021-06-04,2022-02-19,1,1.4176089,3.2435481,1.939781,0.6286977,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_time,day,state,2021-06-04,2022-02-18,51,0.1318775,10.952381,1.8647124,0.9205122,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,county,2021-07-30,2022-02-18,543,0.0633004,12.7320215,2.0971215,1.3756805,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0542299,10.1190476,1.8347415,1.1587227,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,msa,2021-07-30,2022-02-18,309,0.0865529,11.4696669,1.9161748,1.2184607,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,nation,2021-07-30,2022-02-19,1,1.2711864,3.1420218,1.8975503,0.7020008,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_has,day,state,2021-07-30,2022-02-18,51,0.1210653,11.0576923,1.8160012,1.0047032,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,county,2021-08-03,2022-06-25,12,2.2321429,22.8972897,11.4405301,3.2285909,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,msa,2021-08-08,2021-09-19,1,6.2696832,12.2747693,9.2334741,1.6157444,2021-09-24 16:03:39,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,nation,2021-07-30,2022-06-27,1,6.0040363,13.2881556,10.1422733,1.9041054,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_appointment_time_tried,day,state,2021-08-03,2022-06-25,12,2.2321429,22.8972897,11.4405301,3.2285909,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,county,2021-06-04,2022-02-18,552,0.0464253,6.03217,0.8088798,0.5474071,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,hrr,2021-06-04,2022-02-17,305,0.0314861,5.4347826,0.7263436,0.4627834,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,msa,2021-06-04,2022-02-18,313,0.0236189,5.7645526,0.7876518,0.5311917,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,nation,2021-06-04,2022-02-19,1,0.4806293,1.0551948,0.575207,0.0643749,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_childcare,day,state,2021-06-04,2022-02-18,51,0.045628,3.2711508,0.6220851,0.2805044,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,county,2021-07-30,2022-02-18,543,0.0443918,5.0023602,0.7659084,0.5271271,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,hrr,2021-07-30,2022-02-17,305,0.0318674,4.4,0.6778311,0.4383905,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,msa,2021-07-30,2022-02-18,309,0.0239584,5.7676831,0.7426307,0.5061725,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,nation,2021-07-30,2022-02-19,1,0.450936,1.0761589,0.5291229,0.0713311,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_childcare_has,day,state,2021-07-30,2022-02-18,51,0.0362008,3.271028,0.5758215,0.2713044,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,9.8425197,4.0487931,1.7827674,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,msa,2021-08-08,2021-09-19,1,1.25,6.3379887,3.7748459,1.3132135,2021-09-24 16:03:39,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,nation,2021-07-30,2022-06-27,1,2.0112254,4.8883375,3.5082801,0.6182296,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_childcare_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,9.8425197,4.0487931,1.7827674,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_document,day,county,2021-06-04,2022-02-18,552,0.0177815,4.1931456,0.4655133,0.3519165,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document,day,hrr,2021-06-04,2022-02-17,305,0.0182949,3.4653465,0.4066501,0.312961,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_document,day,msa,2021-06-04,2022-02-18,313,0.0180147,3.9129482,0.4449598,0.3468869,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document,day,nation,2021-06-04,2022-02-19,1,0.1787828,0.3303137,0.2363954,0.0348371,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_document,day,state,2021-06-04,2022-02-18,51,0.0147414,2.414211,0.285081,0.1889225,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,county,2021-07-30,2022-02-18,543,0.0180882,4.2727739,0.4318156,0.3273295,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,hrr,2021-07-30,2022-02-17,305,0.0186498,3.4653465,0.3684205,0.2899526,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,msa,2021-07-30,2022-02-18,309,0.0182883,3.4515396,0.4112562,0.3237694,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,nation,2021-07-30,2022-02-19,1,0.1275556,0.2811615,0.2004129,0.0382288,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_document_has,day,state,2021-07-30,2022-02-18,51,0.0130924,2.1159776,0.249725,0.1722209,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_document_tried,day,county,2021-08-03,2022-06-25,12,0.4237285,8.1896552,3.5495048,1.5004654,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_document_tried,day,msa,2021-08-08,2021-09-19,1,2.2021368,7.7285585,4.6808806,1.5298044,2021-09-24 16:03:40,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_document_tried,day,nation,2021-07-30,2022-06-27,1,1.873496,5.075188,3.3656449,0.6403584,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_document_tried,day,state,2021-08-03,2022-06-25,12,0.4237285,8.1896552,3.5495048,1.5004654,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,county,2021-06-04,2022-02-18,552,0.1211193,17.7021112,3.6736257,1.7814539,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,hrr,2021-06-04,2022-02-17,305,0.1046025,14.9727768,3.3599603,1.5445711,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,msa,2021-06-04,2022-02-18,313,0.1756861,14.942144,3.504034,1.64019,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,nation,2021-06-04,2022-02-19,1,2.5481086,5.0117824,3.4141133,0.6332906,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_eligible,day,state,2021-06-04,2022-02-18,51,0.3562697,13.1840796,3.3271981,1.3014482,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,county,2021-07-30,2022-02-18,543,0.1166935,13.6749761,3.3936171,1.6131181,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,hrr,2021-07-30,2022-02-17,305,0.1059322,11.6935484,3.0676057,1.3819735,2022-02-22 13:53:58,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,msa,2021-07-30,2022-02-18,309,0.1767578,13.4759377,3.2341894,1.4889838,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,nation,2021-07-30,2022-02-19,1,2.5032651,3.8907285,3.1128203,0.3927165,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_eligible_has,day,state,2021-07-30,2022-02-18,51,0.3640518,12.9370629,3.0393409,1.1312699,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,county,2021-08-03,2022-06-25,12,1.3274348,13.5511486,5.8903816,2.077991,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,msa,2021-08-08,2021-09-19,1,2.1214883,7.0405281,4.443066,1.228396,2021-09-24 16:03:41,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,nation,2021-07-30,2022-06-27,1,3.5053929,7.8440808,5.4323858,0.864054,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_eligible_tried,day,state,2021-08-03,2022-06-25,12,1.3274348,13.5511486,5.8903816,2.077991,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_language,day,county,2021-06-04,2022-02-18,552,0.0165525,3.4208317,0.4015615,0.2978817,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language,day,hrr,2021-06-04,2022-02-17,305,0.0267523,3.4653465,0.3350396,0.2661546,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_language,day,msa,2021-06-04,2022-02-18,313,0.0178489,3.2518663,0.3658227,0.2791051,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language,day,nation,2021-06-04,2022-02-19,1,0.0811688,0.2286825,0.1727262,0.0183222,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_language,day,state,2021-06-04,2022-02-18,51,0.0127324,2.7363184,0.2186897,0.1697735,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,county,2021-07-30,2022-02-18,543,0.0168341,3.4127397,0.3767225,0.2760463,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,hrr,2021-07-30,2022-02-17,305,0.0224417,2.9166667,0.3084171,0.2468612,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,msa,2021-07-30,2022-02-18,309,0.0180417,2.9169568,0.3450313,0.2635029,2022-02-23 13:53:26,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,nation,2021-07-30,2022-02-19,1,0.0827815,0.1857907,0.1462027,0.0146258,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_language_has,day,state,2021-07-30,2022-02-18,51,0.0081221,1.8247895,0.1937749,0.1534422,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_language_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,7.075566,2.4627015,1.3472654,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_language_tried,day,msa,2021-08-08,2021-09-19,1,0.4160481,3.8694566,2.5510375,0.9931328,2021-09-24 16:03:42,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_language_tried,day,nation,2021-07-30,2022-06-27,1,0.9738079,4.0904716,2.0987447,0.4149547,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_language_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,7.075566,2.4627015,1.3472654,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,county,2021-06-04,2022-02-18,552,0.1177436,28.1439455,8.1353298,4.4480514,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,hrr,2021-06-04,2022-02-17,305,0.1259446,28.539823,7.0510041,3.9464013,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,msa,2021-06-04,2022-02-18,313,0.1984475,25.6033615,7.1715754,3.8656172,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,nation,2021-06-04,2022-02-19,1,5.3953734,10.2701001,7.621971,1.2357595,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments,day,state,2021-06-04,2022-02-18,51,0.0924625,23.6318408,6.7089112,3.400051,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,county,2021-07-30,2022-02-18,543,0.1191465,28.3025072,7.6485405,4.2375631,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,hrr,2021-07-30,2022-02-17,305,0.127551,27.5,6.5249693,3.7109131,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,msa,2021-07-30,2022-02-18,309,0.2008389,25.9975796,6.701462,3.6835357,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,nation,2021-07-30,2022-02-19,1,5.3631069,9.0231788,7.1174115,0.9296703,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_has,day,state,2021-07-30,2022-02-18,51,0.0933254,19.6666667,6.294197,3.2460175,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,county,2021-08-03,2022-06-25,12,1.4150943,21.2871856,10.2057012,3.1831076,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,msa,2021-08-08,2021-09-19,1,6.25,12.3035891,8.9109955,1.7609742,2021-09-24 16:03:43,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,nation,2021-07-30,2022-06-27,1,5.9491371,13.9826642,9.3640767,1.5552547,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_no_appointments_tried,day,state,2021-08-03,2022-06-25,12,1.4150943,21.2871856,10.2057012,3.1831076,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_none,day,county,2021-06-04,2022-02-18,552,58.8282566,98.7325129,84.530367,5.1953438,2022-02-23 13:51:46,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none,day,hrr,2021-06-04,2022-02-17,305,63.4955752,97.7477477,85.8186505,4.6489055,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_none,day,msa,2021-06-04,2022-02-18,313,60.3936308,98.747747,85.5458646,4.6710073,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none,day,nation,2021-06-04,2022-02-19,1,81.5410587,88.2428751,85.0081331,1.8220462,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_none,day,state,2021-06-04,2022-02-18,51,65.8273381,95.4223392,85.9503477,4.1548083,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,county,2021-07-30,2022-02-18,543,60.8857562,99.1477273,85.3942611,5.0572276,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,hrr,2021-07-30,2022-02-17,305,63.2947977,98.7179487,86.7569968,4.4936931,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,msa,2021-07-30,2022-02-18,309,60.8857562,98.810139,86.4161873,4.5595826,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,nation,2021-07-30,2022-02-19,1,83.2630434,88.5379477,85.916446,1.5766376,2022-02-24 13:53:44,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_none_has,day,state,2021-07-30,2022-02-18,51,66.0583942,96.1912404,86.7540749,4.0639949,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_none_tried,day,county,2021-08-03,2022-06-25,12,35.2272727,74.2718447,56.975419,7.6121494,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_none_tried,day,msa,2021-08-08,2021-09-19,1,53.1906672,73.1339313,63.4508637,5.2008736,2021-09-24 16:03:44,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_none_tried,day,nation,2021-07-30,2022-06-27,1,43.0213904,64.2998679,58.0613001,5.2297366,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_none_tried,day,state,2021-08-03,2022-06-25,12,35.2272727,74.2718447,56.975419,7.6121494,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_other,day,county,2021-12-19,2022-02-18,506,0.113229,6.6332248,1.5343217,0.7908361,2022-02-23 13:51:47,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,hrr,2021-12-19,2022-02-17,304,0.093985,5.7692308,1.4822495,0.7035251,2022-02-22 13:53:59,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,msa,2021-12-19,2022-02-18,284,0.1129266,6.6332248,1.4978817,0.7619176,2022-02-23 13:53:27,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,nation,2021-12-19,2022-02-19,1,1.019799,1.4180882,1.2811437,0.091802,2022-02-24 13:53:45,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_other,day,state,2021-12-19,2022-02-18,51,0.1138952,4.3999824,1.3818379,0.4567531,2022-02-23 13:54:03,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,county,2021-12-19,2022-02-18,502,0.0832244,6.0829961,1.3577672,0.7433794,2022-02-23 13:51:47,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,hrr,2021-12-19,2022-02-17,304,0.094162,5.1401869,1.2829025,0.6448024,2022-02-22 13:53:59,20220222,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,msa,2021-12-19,2022-02-18,283,0.1141601,6.0497982,1.3216424,0.7221621,2022-02-23 13:53:27,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,nation,2021-12-19,2022-02-19,1,0.8997688,1.2210384,1.0896656,0.0803689,2022-02-24 13:53:45,20220224,5,5 -fb-survey,smoothed_vaccine_barrier_other_has,day,state,2021-12-19,2022-02-18,51,0.1149425,4.3076197,1.1872622,0.4279501,2022-02-23 13:54:03,20220223,5,5 -fb-survey,smoothed_vaccine_barrier_other_tried,day,county,2021-12-24,2022-06-25,8,8.4158416,25.6521739,16.4752123,3.2781089,2022-07-01 14:59:48,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_other_tried,day,nation,2021-12-19,2022-06-27,1,12.7085378,18.8911189,16.1006736,1.3450915,2022-07-01 15:00:24,20220701,1,14 -fb-survey,smoothed_vaccine_barrier_other_tried,day,state,2021-12-24,2022-06-25,8,8.4158416,25.6521739,16.4752123,3.2781089,2022-07-01 15:00:29,20220701,4,14 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,county,2021-06-04,2022-02-18,552,0.1059158,19.2320303,3.7273753,2.0314065,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,hrr,2021-06-04,2022-02-17,305,0.129199,15.7142857,3.2891615,1.7305784,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,msa,2021-06-04,2022-02-18,313,0.104052,16.9412412,3.4334401,1.8172914,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,nation,2021-06-04,2022-02-19,1,2.6503232,4.4642857,3.4080521,0.4517087,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties,day,state,2021-06-04,2022-02-18,51,0.1237103,14.6766169,3.2365531,1.6975934,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,county,2021-07-30,2022-02-18,543,0.1068085,17.3267327,3.534029,1.929719,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,hrr,2021-07-30,2022-02-17,305,0.1061571,13.6963696,3.0797404,1.6181882,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,msa,2021-07-30,2022-02-18,309,0.1049083,16.207434,3.2410843,1.7280056,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,nation,2021-07-30,2022-02-19,1,2.6278771,4.5529801,3.1987175,0.3109846,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_has,day,state,2021-07-30,2022-02-18,51,0.1240687,13.2550336,3.0528467,1.5988688,2022-02-23 13:54:03,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,county,2021-08-03,2022-06-25,12,0.4901956,10.747757,5.1556732,1.8451675,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,msa,2021-08-08,2021-09-19,1,1.3513514,9.5000185,5.1644691,2.5012993,2021-09-24 16:03:45,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,nation,2021-07-30,2022-06-27,1,2.9626253,6.480811,4.742417,0.6951903,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_technical_difficulties_tried,day,state,2021-08-03,2022-06-25,12,0.4901956,10.747757,5.1556732,1.8451675,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,county,2021-06-04,2022-02-18,552,0.0476968,9.1501407,1.2258202,0.7630981,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,hrr,2021-06-04,2022-02-17,305,0.0447628,8.1196581,1.1647299,0.6749799,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,msa,2021-06-04,2022-02-18,313,0.0385837,9.1501407,1.1815822,0.7311865,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,nation,2021-06-04,2022-02-19,1,0.8082348,1.3798701,1.0122019,0.1106287,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access,day,state,2021-06-04,2022-02-18,51,0.0613924,4.1044776,0.9841294,0.4027737,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,county,2021-07-30,2022-02-18,543,0.0485769,8.3101139,1.1512023,0.7265102,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,hrr,2021-07-30,2022-02-17,305,0.0451264,7.3529412,1.0780204,0.6227805,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,msa,2021-07-30,2022-02-18,309,0.0389747,8.3101139,1.1062592,0.6965289,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,nation,2021-07-30,2022-02-19,1,0.7744211,1.4072848,0.9296194,0.0730248,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access_has,day,state,2021-07-30,2022-02-18,51,0.0620784,4.1044776,0.9110688,0.3822937,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,county,2021-08-03,2022-06-25,12,0.3649635,11.328125,4.2182421,1.8585457,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,msa,2021-08-08,2021-09-19,1,1.3513514,6.25,3.5642741,1.2273109,2021-09-24 16:03:45,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,nation,2021-07-30,2022-06-27,1,2.2171946,5.642787,3.8423503,0.633292,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_technology_access_tried,day,state,2021-08-03,2022-06-25,12,0.3649635,11.328125,4.2182421,1.8585457,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_time,day,county,2021-06-04,2022-02-18,552,0.0985848,10.3590165,2.169869,1.063601,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time,day,hrr,2021-06-04,2022-02-17,305,0.0934579,9.3103448,2.0413924,0.9060851,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_time,day,msa,2021-06-04,2022-02-18,313,0.0951704,10.3590165,2.1281273,0.9975596,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time,day,nation,2021-06-04,2022-02-19,1,1.5422078,2.5841592,1.9430816,0.2661411,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_time,day,state,2021-06-04,2022-02-18,51,0.1269036,7.1428571,1.991054,0.6345719,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,county,2021-07-30,2022-02-18,543,0.099765,9.6330275,2.0909575,1.0529698,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0886525,7.7981651,1.9489423,0.8831249,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,msa,2021-07-30,2022-02-18,309,0.0960848,9.6330275,2.0353992,0.9819889,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,nation,2021-07-30,2022-02-19,1,1.4769288,2.4754896,1.8599901,0.2959485,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_time_has,day,state,2021-07-30,2022-02-18,51,0.2525253,7.2115385,1.9189691,0.6330516,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_time_tried,day,county,2021-08-03,2022-06-25,12,1.1538462,23.8505747,10.1403191,3.5508112,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_time_tried,day,msa,2021-08-08,2021-09-19,1,5.8809639,14.0932537,10.182301,2.5154864,2021-09-24 16:03:46,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_time_tried,day,nation,2021-07-30,2022-06-27,1,5.7530402,12.8120224,9.2347948,1.734813,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_time_tried,day,state,2021-08-03,2022-06-25,12,1.1538462,23.8505747,10.1403191,3.5508112,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_travel,day,county,2021-06-04,2022-02-18,552,0.0742943,10.2103446,2.0382581,1.1074931,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel,day,hrr,2021-06-04,2022-02-17,305,0.0837521,8.7155963,1.8591093,0.8906104,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_travel,day,msa,2021-06-04,2022-02-18,313,0.0660522,10.1290292,1.8914687,0.9858249,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel,day,nation,2021-06-04,2022-02-19,1,1.5663304,2.6785714,1.8085269,0.1326798,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_travel,day,state,2021-06-04,2022-02-18,51,0.101626,7.7458639,1.7982313,0.704704,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,county,2021-07-30,2022-02-18,543,0.0758727,10.3209398,1.9069193,1.0673243,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,hrr,2021-07-30,2022-02-17,305,0.0846024,7.9439252,1.7221282,0.8555906,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,msa,2021-07-30,2022-02-18,309,0.0666605,8.4821429,1.7614806,0.9465303,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,nation,2021-07-30,2022-02-19,1,1.4680826,2.5662252,1.6741199,0.118554,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_travel_has,day,state,2021-07-30,2022-02-18,51,0.102459,7.8095393,1.6731313,0.6897784,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,county,2021-08-03,2022-06-25,12,1.2295082,18.5714286,8.7099007,2.4872125,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,msa,2021-08-08,2021-09-19,1,3.9638462,8.9102509,6.350836,1.5810758,2021-09-24 16:03:47,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,nation,2021-07-30,2022-06-27,1,5.7207207,12.8428928,8.9029412,1.1810141,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_travel_tried,day,state,2021-08-03,2022-06-25,12,1.2295082,18.5714286,8.7099007,2.4872125,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_type,day,county,2021-06-04,2022-02-18,552,0.089973,8.1956702,1.610522,0.8393325,2022-02-23 13:51:47,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type,day,hrr,2021-06-04,2022-02-17,305,0.0972763,7.3076923,1.5309233,0.715867,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_type,day,msa,2021-06-04,2022-02-18,313,0.0968473,6.5927803,1.5741514,0.791608,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type,day,nation,2021-06-04,2022-02-19,1,1.1825434,1.6420401,1.3921341,0.1157517,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_type,day,state,2021-06-04,2022-02-18,51,0.0977181,5.5555556,1.4302324,0.4559309,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,county,2021-07-30,2022-02-18,543,0.0844816,8.1956702,1.4941047,0.8107602,2022-02-23 13:51:48,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,hrr,2021-07-30,2022-02-17,305,0.0656168,7.0833333,1.3981259,0.6820114,2022-02-22 13:53:59,20220222,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,msa,2021-07-30,2022-02-18,309,0.0748156,6.6355468,1.4512263,0.7542395,2022-02-23 13:53:27,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,nation,2021-07-30,2022-02-19,1,1.0812169,1.5205417,1.2706392,0.1295485,2022-02-24 13:53:45,20220224,4,63 -fb-survey,smoothed_vaccine_barrier_type_has,day,state,2021-07-30,2022-02-18,51,0.1533611,5.5147059,1.3152611,0.4553999,2022-02-23 13:54:04,20220223,1,63 -fb-survey,smoothed_vaccine_barrier_type_tried,day,county,2021-08-03,2022-06-25,12,1.4150943,18.8073567,9.1664236,2.8972503,2022-07-01 14:59:48,20220701,4,63 -fb-survey,smoothed_vaccine_barrier_type_tried,day,msa,2021-08-08,2021-09-19,1,4.0540541,16.8043411,10.5407313,2.9851787,2021-09-24 16:03:48,20210924,4,5 -fb-survey,smoothed_vaccine_barrier_type_tried,day,nation,2021-07-30,2022-06-27,1,4.7511312,11.8908717,8.6288494,1.6365705,2022-07-01 15:00:24,20220701,1,63 -fb-survey,smoothed_vaccine_barrier_type_tried,day,state,2021-08-03,2022-06-25,12,1.4150943,18.8073567,9.1664236,2.8972503,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_vaccine_likely_doctors,day,county,2021-02-09,2021-08-08,499,10.0877193,76.1171225,49.4473551,12.3379084,2021-08-13 12:54:49,20210813,3,36 -fb-survey,smoothed_vaccine_likely_doctors,day,hrr,2021-02-09,2021-08-06,300,10.0,72.8346457,44.8051056,12.38183,2021-08-11 12:56:41,20210811,3,36 -fb-survey,smoothed_vaccine_likely_doctors,day,msa,2021-02-09,2021-08-07,279,13.8025059,74.4208546,47.6736194,11.3222861,2021-08-12 12:55:07,20210812,3,36 -fb-survey,smoothed_vaccine_likely_doctors,day,nation,2021-02-09,2021-08-08,1,15.0137741,57.4757322,32.982267,14.3115867,2021-08-13 12:57:01,20210813,5,36 -fb-survey,smoothed_vaccine_likely_doctors,day,state,2021-02-09,2021-08-08,51,10.0877193,70.8333333,39.1449691,14.1476476,2021-08-13 12:57:13,20210813,4,36 -fb-survey,smoothed_vaccine_likely_friends,day,county,2020-12-20,2021-08-08,751,3.153156,66.526861,30.7689956,6.4005158,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,hrr,2020-12-20,2021-08-06,306,4.2056075,51.1345219,28.8506326,6.9707711,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,msa,2020-12-20,2021-08-07,361,5.9302582,66.526861,30.0973197,6.2276946,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,nation,2020-12-20,2021-08-08,1,8.1325301,35.6698352,22.5519584,8.9606623,2021-08-13 12:57:01,20210813,1,44 -fb-survey,smoothed_vaccine_likely_friends,day,state,2020-12-20,2021-08-08,51,3.153156,43.705036,25.9574765,8.0666818,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,county,2020-12-20,2021-08-08,742,0.7853411,57.2713451,27.94411,8.4329969,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,hrr,2020-12-20,2021-08-06,306,0.2808989,51.0050251,24.3987587,9.1961155,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,msa,2020-12-20,2021-08-07,357,0.4778977,57.2713451,26.4296118,8.1222121,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,nation,2020-12-20,2021-08-08,1,4.5625588,32.6689515,17.496919,10.7038787,2021-08-13 12:57:01,20210813,1,44 -fb-survey,smoothed_vaccine_likely_govt_health,day,state,2020-12-20,2021-08-08,51,0.7853411,52.7355623,21.2855925,10.5504383,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,county,2020-12-20,2021-03-16,745,26.24565,75.1120367,48.9511738,7.3016421,2021-03-21 11:51:18,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,hrr,2020-12-20,2021-03-16,306,25.2066116,72.8346457,47.83705,6.7536595,2021-03-21 11:51:38,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,msa,2020-12-20,2021-03-16,359,23.8470868,74.4208546,48.0575028,6.9318554,2021-03-21 11:51:53,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,nation,2020-12-20,2021-03-16,1,43.7109827,55.4070143,48.0588917,3.7162158,2021-03-21 11:52:03,20210321,1,44 -fb-survey,smoothed_vaccine_likely_local_health,day,state,2020-12-20,2021-03-16,51,33.2117276,69.0384615,48.1388887,5.6502356,2021-03-21 11:52:07,20210321,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,county,2020-12-20,2021-08-08,737,0.1746492,26.9911504,8.3444449,3.195418,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,hrr,2020-12-20,2021-08-06,306,0.2272727,24.7483221,7.4386285,3.2121305,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,msa,2020-12-20,2021-08-07,355,0.3346528,26.9911504,7.9565478,3.006893,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,nation,2020-12-20,2021-08-08,1,1.5060241,11.4366016,5.5693465,2.8222082,2021-08-13 12:57:02,20210813,1,44 -fb-survey,smoothed_vaccine_likely_politicians,day,state,2020-12-20,2021-08-08,51,0.1746492,17.5213675,6.3748656,3.05711,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_vaccine_likely_who,day,county,2020-12-20,2021-08-08,740,0.446429,66.3109178,33.3675918,9.3569758,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_vaccine_likely_who,day,hrr,2020-12-20,2021-08-06,306,1.1627907,55.8035714,29.2818528,10.2287551,2021-08-11 12:56:41,20210811,1,44 -fb-survey,smoothed_vaccine_likely_who,day,msa,2020-12-20,2021-08-07,358,2.4494854,66.3109178,31.6781534,9.1187129,2021-08-12 12:55:07,20210812,1,44 -fb-survey,smoothed_vaccine_likely_who,day,nation,2020-12-20,2021-08-08,1,6.0055866,38.0303287,21.4038496,12.2805028,2021-08-13 12:57:02,20210813,1,44 -fb-survey,smoothed_vaccine_likely_who,day,state,2020-12-20,2021-08-08,51,0.446429,53.6697248,25.7658503,11.8174175,2021-08-13 12:57:13,20210813,1,44 -fb-survey,smoothed_waccept_covid_vaccine,day,county,2020-12-20,2021-08-08,757,5.5129622,97.870641,66.0580867,14.0404841,2021-08-13 12:54:49,20210813,1,44 -fb-survey,smoothed_waccept_covid_vaccine,day,hrr,2020-12-20,2021-08-06,306,7.4194386,92.2765863,59.4900189,16.0280356,2021-08-11 12:56:41,20210811,2,44 -fb-survey,smoothed_waccept_covid_vaccine,day,msa,2020-12-20,2021-08-07,362,12.5714633,94.2368448,63.3494856,13.7346661,2021-08-12 12:55:07,20210812,2,44 -fb-survey,smoothed_waccept_covid_vaccine,day,nation,2020-12-20,2021-08-08,1,18.817232,72.3950775,46.6116003,20.8746104,2021-08-13 12:57:02,20210813,2,44 -fb-survey,smoothed_waccept_covid_vaccine,day,state,2020-12-20,2021-08-08,51,4.9483086,90.1603424,54.0691718,19.8609629,2021-08-13 12:57:13,20210813,2,44 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,county,2021-05-20,2022-06-25,92,1.9621445,51.8041321,15.9275517,6.3108907,2022-07-01 14:59:48,20220701,1,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,hrr,2021-05-21,2022-06-25,168,0.7547466,49.4541847,16.2010369,6.3770804,2022-07-01 15:00:02,20220701,4,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,msa,2021-05-21,2022-06-25,95,2.249612,45.3519778,18.0377986,6.466073,2022-07-01 15:00:16,20220701,4,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,nation,2021-05-20,2022-06-25,1,10.4274394,23.3994974,15.4930607,3.2887433,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_waccept_covid_vaccine_no_appointment,day,state,2021-05-20,2022-06-25,48,1.9655254,39.2329928,14.6925324,4.9371229,2022-07-01 15:00:29,20220701,4,63 -fb-survey,smoothed_want_info_children_education,day,county,2021-05-20,2022-06-27,356,0.292383,26.7536765,7.0127867,2.864715,2022-07-01 14:59:48,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,hrr,2021-05-20,2022-06-27,289,0.2057613,27.245509,6.3816345,2.642789,2022-07-01 15:00:02,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,msa,2021-05-20,2022-06-27,215,0.3082662,26.7536765,6.6363243,2.5761019,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,nation,2021-05-20,2022-06-27,1,4.7020262,9.2231027,6.2735628,1.1294743,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_children_education,day,state,2021-05-20,2022-06-27,51,0.292383,14.3312102,6.0090845,1.8519251,2022-07-01 15:00:29,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,county,2021-05-20,2022-06-27,356,1.4053773,42.5223747,16.9226441,5.0390211,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,hrr,2021-05-20,2022-06-27,289,1.4851485,42.0634921,16.0125135,4.8079735,2022-07-01 15:00:02,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,msa,2021-05-20,2022-06-27,215,1.8517106,42.5223747,16.2667497,4.5954309,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,nation,2021-05-20,2022-06-27,1,10.7587226,20.7647801,15.9285186,2.4392903,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_covid_treatment,day,state,2021-05-20,2022-06-27,51,3.1963884,30.7073955,15.1905065,3.8033128,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,county,2021-05-20,2022-06-27,356,9.9450938,59.2105263,30.0691266,6.369749,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,hrr,2021-05-20,2022-06-27,289,8.7155963,56.870229,28.3618946,6.0456638,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,msa,2021-05-20,2022-06-27,215,10.1626016,56.2121965,29.1274182,5.6638149,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,nation,2021-05-20,2022-06-27,1,23.8576204,35.6623138,28.330415,3.6500218,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_covid_variants,day,state,2021-05-20,2022-06-27,51,10.2893984,56.3333333,27.6558104,5.2112761,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,county,2021-05-20,2022-06-27,356,1.4388448,36.3726699,12.2492124,3.8852418,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,hrr,2021-05-20,2022-06-27,289,0.9677419,36.5546218,11.4345241,3.5491991,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,msa,2021-05-20,2022-06-27,215,1.9324695,30.9461033,11.6497749,3.2481646,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,nation,2021-05-20,2022-06-27,1,10.1910503,13.3775563,11.4582718,0.6803773,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_employment,day,state,2021-05-20,2022-06-27,51,2.9337088,26.8867925,11.0159707,2.3575706,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,county,2021-05-20,2022-06-27,356,3.1746896,43.9178544,17.7406165,4.5729407,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,hrr,2021-05-20,2022-06-27,289,3.1818182,42.6470588,16.3982002,4.1182599,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,msa,2021-05-20,2022-06-27,215,2.3437507,34.2304711,16.9363154,3.6782336,2022-07-01 15:00:16,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,nation,2021-05-20,2022-06-27,1,14.5375447,18.8447319,16.4466123,1.1649872,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_mental_health,day,state,2021-05-20,2022-06-27,51,3.719248,40.2777778,15.9318057,2.9641107,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_none,day,county,2021-05-20,2022-06-27,356,20.8977189,77.9063881,53.7784648,7.7416368,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_none,day,hrr,2021-05-20,2022-06-27,289,20.0980392,81.5972222,56.0661219,7.4493639,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_none,day,msa,2021-05-20,2022-06-27,215,25.7396921,79.6946137,55.2334389,6.4329903,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_none,day,nation,2021-05-20,2022-06-27,1,50.2007346,59.4522164,55.8779639,2.549097,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_none,day,state,2021-05-20,2022-06-27,51,31.6666667,77.9063881,57.2474245,5.8577532,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,county,2021-05-20,2022-06-27,356,0.4636191,28.3006244,9.1222954,3.2174753,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,hrr,2021-05-20,2022-06-27,289,0.3289474,29.9019608,8.285564,2.8783937,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,msa,2021-05-20,2022-06-27,215,0.4172275,22.1804511,8.5723875,2.6339218,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,nation,2021-05-20,2022-06-27,1,6.6248653,9.8996121,8.1492917,1.0360479,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_relationships,day,state,2021-05-20,2022-06-27,51,0.8926982,27.3026316,7.8199399,2.1595986,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,county,2021-05-20,2022-06-27,356,0.1213443,13.1067961,2.6742348,1.4370989,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,hrr,2021-05-20,2022-06-27,289,0.1086957,13.0630631,2.461385,1.2964917,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,msa,2021-05-20,2022-06-27,215,0.1315421,11.1803925,2.5094123,1.2651923,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,nation,2021-05-20,2022-06-27,1,1.7041046,3.0132756,2.3084436,0.2797888,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_access,day,state,2021-05-20,2022-06-27,51,0.1213443,8.3333333,2.2100145,0.8222626,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,county,2021-05-20,2022-06-27,356,0.3482784,27.3722628,8.8619108,2.9045194,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,hrr,2021-05-20,2022-06-27,289,0.3448276,24.8717949,8.4001973,2.7081752,2022-07-01 15:00:03,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,msa,2021-05-20,2022-06-27,215,0.4226636,27.3722628,8.511743,2.5832821,2022-07-01 15:00:17,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,nation,2021-05-20,2022-06-27,1,7.0718471,10.181294,8.2733057,0.6946592,2022-07-01 15:00:24,20220701,1,110 -fb-survey,smoothed_want_info_vaccine_types,day,state,2021-05-20,2022-06-27,51,0.3482784,21.3375796,7.9299987,1.8871232,2022-07-01 15:00:30,20220701,1,110 -fb-survey,smoothed_wanted_test_14d,day,county,2020-09-08,2021-08-08,742,0.1587571,27.7711854,6.750555,3.662441,2021-08-13 12:54:49,20210813,0,92 -fb-survey,smoothed_wanted_test_14d,day,hrr,2020-09-08,2021-08-08,306,0.1355014,25.9116022,6.3696797,3.4171997,2021-08-13 12:55:54,20210813,5,92 -fb-survey,smoothed_wanted_test_14d,day,msa,2020-09-08,2021-08-08,360,0.1587571,26.028836,6.509094,3.3718532,2021-08-13 12:56:39,20210813,5,92 -fb-survey,smoothed_wanted_test_14d,day,nation,2020-09-08,2021-08-08,1,1.5925926,11.4454568,5.665675,3.1281808,2021-08-13 12:57:02,20210813,5,98 -fb-survey,smoothed_wanted_test_14d,day,state,2020-09-08,2021-08-08,51,0.1960829,20.4545455,5.8825659,3.3210919,2021-08-13 12:57:13,20210813,5,92 -fb-survey,smoothed_wanxious_5d,day,county,2020-09-08,2021-03-15,749,2.3815166,46.1779215,17.9220204,3.9846759,2021-03-20 11:51:25,20210320,0,92 -fb-survey,smoothed_wanxious_5d,day,hrr,2020-09-08,2021-03-11,306,4.8688566,38.6947403,17.6545456,3.2077811,2021-03-17 18:57:59,20210317,1,92 -fb-survey,smoothed_wanxious_5d,day,msa,2020-09-08,2021-03-14,359,2.3815166,46.1779215,18.0969898,3.8223706,2021-03-19 11:51:42,20210319,1,92 -fb-survey,smoothed_wanxious_5d,day,nation,2020-09-08,2021-03-18,1,12.9816404,21.9088118,17.4219291,1.3808144,2021-03-23 11:53:38,20210323,5,98 -fb-survey,smoothed_wanxious_5d,day,state,2020-09-08,2021-03-15,51,5.8091487,34.5757152,17.8855685,2.4401673,2021-03-20 11:52:12,20210320,5,92 -fb-survey,smoothed_wanxious_7d,day,county,2021-03-02,2022-06-25,616,0.4762684,47.6759489,14.5779204,3.9993547,2022-07-01 14:59:49,20220701,1,63 -fb-survey,smoothed_wanxious_7d,day,hrr,2021-03-02,2022-06-25,306,1.4349892,40.9946915,14.7408662,3.8571784,2022-07-01 15:00:03,20220701,4,63 -fb-survey,smoothed_wanxious_7d,day,msa,2021-03-02,2022-06-25,332,2.071029,47.6759489,14.9048005,3.9717906,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wanxious_7d,day,nation,2021-03-02,2022-06-25,1,11.7847227,17.4077704,14.5648232,1.2875621,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wanxious_7d,day,state,2021-03-02,2022-06-25,51,4.3356799,28.4227721,14.8137042,2.6473626,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wappointment_not_vaccinated,day,county,2021-05-20,2022-06-25,99,0.1463001,18.3025693,3.3044627,2.0078133,2022-07-01 14:59:49,20220701,1,88 -fb-survey,smoothed_wappointment_not_vaccinated,day,hrr,2021-05-21,2022-06-25,176,0.1872659,22.6828561,3.4451905,2.282726,2022-07-01 15:00:03,20220701,4,87 -fb-survey,smoothed_wappointment_not_vaccinated,day,msa,2021-05-21,2022-06-25,99,0.2074616,19.5907273,3.8615952,2.3231991,2022-07-01 15:00:17,20220701,4,87 -fb-survey,smoothed_wappointment_not_vaccinated,day,nation,2021-05-20,2022-06-25,1,1.2390986,5.6135152,2.9497879,1.0377495,2022-07-01 15:00:24,20220701,4,88 -fb-survey,smoothed_wappointment_not_vaccinated,day,state,2021-05-20,2022-06-25,49,0.1369863,15.0843687,2.9862362,1.7158751,2022-07-01 15:00:30,20220701,4,88 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,county,2021-05-20,2022-06-25,97,2.5151232,54.816366,18.5840244,7.2142166,2022-07-01 14:59:49,20220701,1,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,hrr,2021-05-21,2022-06-25,177,1.4831004,58.2605508,18.8135095,7.1750094,2022-07-01 15:00:03,20220701,4,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,msa,2021-05-20,2022-06-25,97,2.249612,50.3403144,20.9346917,7.262716,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,nation,2021-05-20,2022-06-25,1,11.61083,27.6815081,17.9534949,4.0276606,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wappointment_or_accept_covid_vaccine,day,state,2021-05-20,2022-06-25,49,2.4945603,44.8468572,17.0609076,5.6847889,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wbelief_children_immune,day,county,2021-05-20,2022-02-18,362,0.2258204,27.0363075,5.4398785,2.7623315,2022-02-23 13:51:51,20220223,1,110 -fb-survey,smoothed_wbelief_children_immune,day,hrr,2021-05-20,2022-02-15,291,0.1340483,24.6830424,5.5339095,2.6075082,2022-02-20 13:53:04,20220220,5,110 -fb-survey,smoothed_wbelief_children_immune,day,msa,2021-05-20,2022-02-17,216,0.1502682,21.9860443,5.314743,2.57829,2022-02-22 13:54:46,20220222,5,110 -fb-survey,smoothed_wbelief_children_immune,day,nation,2021-05-20,2022-02-19,1,3.6547655,7.1996498,5.4915637,1.1576265,2022-02-24 13:53:46,20220224,5,110 -fb-survey,smoothed_wbelief_children_immune,day,state,2021-05-20,2022-02-18,51,0.4032261,16.4415118,5.2021075,1.7849768,2022-02-23 13:54:05,20220223,5,110 -fb-survey,smoothed_wbelief_created_small_group,day,county,2021-05-20,2022-06-25,363,1.1261884,44.1350517,18.5847886,5.7457336,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_wbelief_created_small_group,day,hrr,2021-05-20,2022-06-25,291,2.1791481,49.6658764,20.7018716,5.7653306,2022-07-01 15:00:03,20220701,4,110 -fb-survey,smoothed_wbelief_created_small_group,day,msa,2021-05-20,2022-06-25,216,1.8417328,45.1094669,19.2565711,5.4551725,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wbelief_created_small_group,day,nation,2021-05-20,2022-06-25,1,18.1972295,21.6482732,20.1760762,0.7853077,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wbelief_created_small_group,day,state,2021-05-20,2022-06-25,51,2.2769289,38.9760449,20.491309,4.5290163,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,county,2021-05-20,2022-06-25,374,40.237913,97.0765258,74.7061376,8.0366755,2022-07-01 14:59:49,20220701,1,110 -fb-survey,smoothed_wbelief_distancing_effective,day,hrr,2021-05-20,2022-06-25,293,36.7956204,95.5485549,71.5957114,8.268046,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,msa,2021-05-20,2022-06-25,218,43.2207389,95.0731512,73.2164835,7.356262,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,nation,2021-05-20,2022-06-25,1,66.953039,79.133767,72.4807735,4.0114967,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wbelief_distancing_effective,day,state,2021-05-20,2022-06-25,51,40.6340136,95.6226749,70.8356149,7.2586795,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,county,2021-05-20,2022-06-25,362,2.3990926,56.0812797,25.4544232,7.6251861,2022-07-01 14:59:50,20220701,1,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,hrr,2021-05-20,2022-06-25,291,4.2666518,61.3346061,28.662491,7.6625689,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,msa,2021-05-20,2022-06-25,215,5.1261342,57.0362887,26.9256461,6.8499578,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,nation,2021-05-20,2022-06-25,1,23.6398656,31.4692546,27.7445629,2.1349639,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wbelief_govt_exploitation,day,state,2021-05-20,2022-06-25,51,3.6576642,57.9081183,29.0056738,6.3667853,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wbelief_masking_effective,day,county,2021-06-04,2022-06-25,375,37.9697728,98.287219,74.3519459,9.3654516,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wbelief_masking_effective,day,hrr,2021-06-04,2022-06-25,293,29.9196639,97.8090669,70.3286163,9.5773709,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wbelief_masking_effective,day,msa,2021-06-04,2022-06-25,218,36.9088983,96.4375098,72.3571951,8.3077082,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wbelief_masking_effective,day,nation,2021-06-04,2022-06-25,1,65.7299317,78.0630077,71.5702437,3.9130294,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wbelief_masking_effective,day,state,2021-06-04,2022-06-25,51,35.687196,98.287219,69.4110785,8.3052827,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,county,2021-05-20,2022-02-18,361,1.0161473,74.9410335,22.3865487,13.7643702,2022-02-23 13:51:53,20220223,1,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,hrr,2021-05-20,2022-02-15,291,1.9367613,71.7683849,23.0760939,13.7893222,2022-02-20 13:53:06,20220220,5,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,msa,2021-05-20,2022-02-17,216,1.9098675,76.3223194,22.8825941,13.8883749,2022-02-22 13:54:47,20220222,5,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,nation,2021-05-20,2022-02-19,1,9.3465558,47.777377,22.952263,12.8069513,2022-02-24 13:53:46,20220224,5,110 -fb-survey,smoothed_wbelief_vaccinated_mask_unnecessary,day,state,2021-05-20,2022-02-18,51,4.1180968,67.4333357,24.0527196,14.0986512,2022-02-23 13:54:06,20220223,5,110 -fb-survey,smoothed_wchild_vaccine_already,day,county,2022-03-23,2022-06-25,42,24.6726523,68.5021019,45.1060508,8.3374234,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_already,day,hrr,2022-03-23,2022-06-25,26,21.9067782,74.7167466,46.7814981,9.2558673,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_already,day,msa,2022-03-23,2022-06-25,25,26.0729731,77.6941695,50.0291749,9.0366822,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_already,day,nation,2022-03-23,2022-06-25,1,42.3794221,45.4747037,43.8430749,0.7487858,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_already,day,state,2022-03-23,2022-06-25,37,22.3108462,67.9462816,42.9592904,8.6333649,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,county,2022-03-23,2022-06-25,42,4.6220219,44.4460757,23.3273538,7.3274044,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,hrr,2022-03-23,2022-06-25,26,3.7122379,47.7287062,20.4781539,7.5841229,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,msa,2022-03-23,2022-06-25,25,2.7577468,37.1432616,17.7411121,6.6013092,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,nation,2022-03-23,2022-06-25,1,22.2495979,26.2248834,24.0851503,0.8890221,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_def,day,state,2022-03-23,2022-06-25,37,6.4655433,48.0541721,25.2026496,7.5225026,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,county,2022-03-23,2022-06-25,42,1.1150472,27.6050184,11.5570177,3.6142834,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,hrr,2022-03-23,2022-06-25,26,1.1156201,26.9228587,10.7477133,4.1744259,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,msa,2022-03-23,2022-06-25,25,0.8637941,25.4563602,9.4631768,4.201516,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,nation,2022-03-23,2022-06-25,1,10.7866208,12.5473091,11.6509302,0.3655171,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_no_prob,day,state,2022-03-23,2022-06-25,37,2.7931306,29.8866679,12.0046102,3.6973738,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,county,2022-03-23,2022-06-25,42,2.010981,26.3320645,10.7158792,3.2616592,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,hrr,2022-03-23,2022-06-25,26,2.755208,27.7115107,12.1229521,4.109922,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,msa,2022-03-23,2022-06-25,25,2.2438034,28.1842142,13.22412,3.9555919,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,nation,2022-03-23,2022-06-25,1,9.5554655,11.8790436,10.8883813,0.4944172,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_def,day,state,2022-03-23,2022-06-25,37,2.1186163,21.1909033,10.4101784,2.9826273,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,county,2022-03-23,2022-06-25,42,2.0424379,31.4796574,9.2936985,2.6844099,2022-07-01 14:59:50,20220701,2,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,hrr,2022-03-23,2022-06-25,26,0.691977,20.5647176,9.8696827,3.5168507,2022-07-01 15:00:04,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,msa,2022-03-23,2022-06-25,25,0.4799777,29.4699392,9.5424162,3.4489601,2022-07-01 15:00:17,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,nation,2022-03-23,2022-06-25,1,8.6658626,10.7875198,9.5324634,0.5198739,2022-07-01 15:00:24,20220701,5,14 -fb-survey,smoothed_wchild_vaccine_yes_prob,day,state,2022-03-23,2022-06-25,37,2.3405869,24.943663,9.4232714,2.6527993,2022-07-01 15:00:30,20220701,5,14 -fb-survey,smoothed_wcli,day,county,2020-04-06,2022-06-25,1526,0.0,12.4607029,1.0803173,1.0576451,2022-07-01 14:59:50,20220701,1,150 -fb-survey,smoothed_wcli,day,hrr,2020-04-06,2022-06-25,306,0.0,11.368826,1.3430584,1.1431207,2022-07-01 15:00:04,20220701,4,150 -fb-survey,smoothed_wcli,day,msa,2020-04-06,2022-06-25,382,0.0,12.315809,1.2456075,1.139489,2022-07-01 15:00:17,20220701,2,150 -fb-survey,smoothed_wcli,day,nation,2020-04-06,2022-06-25,1,0.4333632,4.9091597,1.3585842,0.8899842,2022-07-01 15:00:24,20220701,4,253 -fb-survey,smoothed_wcli,day,state,2020-04-06,2022-06-25,52,0.0,7.8319654,1.3995695,1.0437276,2022-07-01 15:00:30,20220701,2,150 -fb-survey,smoothed_wcovid_vaccinated,day,county,2021-01-06,2022-06-25,753,0.8910405,99.8049673,69.4271347,24.3495736,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wcovid_vaccinated,day,hrr,2021-01-06,2022-06-25,306,0.4950495,99.6638645,69.9244811,21.2110823,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated,day,msa,2021-01-06,2022-06-25,361,1.0367954,98.7773216,68.9043457,22.9999112,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated,day,nation,2021-01-06,2022-06-25,1,4.7552563,83.3454456,71.6665101,21.002113,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated,day,state,2021-01-06,2022-06-25,51,2.5016936,98.5142761,71.1711302,21.064335,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,county,2021-05-20,2022-06-25,656,53.8362965,99.8091504,85.4093833,6.5835375,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,hrr,2021-05-20,2022-06-25,306,49.7729618,99.6676402,82.7177396,6.673588,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,msa,2021-05-20,2022-06-25,346,50.9636724,99.1896772,83.910605,6.2157039,2022-07-01 15:00:17,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,nation,2021-05-20,2022-06-25,1,83.6764198,86.7308785,84.6801581,0.6915938,2022-07-01 15:00:24,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_appointment_or_accept,day,state,2021-05-20,2022-06-25,51,62.1740052,99.3581501,83.6169924,5.3342872,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wcovid_vaccinated_friends,day,county,2021-05-20,2022-06-25,370,27.222259,96.0372155,67.4045729,10.7321318,2022-07-01 14:59:50,20220701,1,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,hrr,2021-05-20,2022-06-25,291,24.0751348,95.0844154,63.0439644,11.010072,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,msa,2021-05-20,2022-06-25,219,23.5174147,93.2097072,65.4485421,9.8214244,2022-07-01 15:00:17,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,nation,2021-05-20,2022-06-25,1,59.230255,67.8662448,64.4610311,1.977963,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_friends,day,state,2021-05-20,2022-06-25,51,32.7354924,92.76767,62.8851878,9.5371268,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,county,2020-12-20,2021-08-08,768,38.4084227,99.7625276,78.1681895,8.8205371,2021-08-13 12:54:53,20210813,1,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,hrr,2020-12-20,2021-08-08,306,38.7082511,99.5327103,76.9584218,8.373011,2021-08-13 12:55:57,20210813,2,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,msa,2020-12-20,2021-08-08,364,41.0484104,98.0079644,77.0638478,8.5686241,2021-08-13 12:56:41,20210813,2,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,nation,2020-12-20,2021-08-08,1,68.0666794,86.368918,80.3508095,4.722187,2021-08-13 12:57:02,20210813,2,44 -fb-survey,smoothed_wcovid_vaccinated_or_accept,day,state,2020-12-20,2021-08-08,51,48.0429272,97.799033,79.072896,7.0766794,2021-08-13 12:57:14,20210813,2,44 -fb-survey,smoothed_wdelayed_care_cost,day,county,2021-05-20,2022-06-25,349,7.6360414,61.5990172,32.8357643,6.2015456,2022-07-01 14:59:50,20220701,1,110 -fb-survey,smoothed_wdelayed_care_cost,day,hrr,2021-05-20,2022-06-25,288,10.7541064,60.8968859,33.1166887,5.8838919,2022-07-01 15:00:04,20220701,4,110 -fb-survey,smoothed_wdelayed_care_cost,day,msa,2021-05-20,2022-06-25,213,7.6360414,61.5990172,33.1881182,5.9725424,2022-07-01 15:00:18,20220701,4,110 -fb-survey,smoothed_wdelayed_care_cost,day,nation,2021-05-20,2022-06-25,1,32.397787,34.0779616,33.1560838,0.3549532,2022-07-01 15:00:24,20220701,4,110 -fb-survey,smoothed_wdelayed_care_cost,day,state,2021-05-20,2022-06-25,51,13.7742926,53.4486536,33.79402,4.5216393,2022-07-01 15:00:30,20220701,4,110 -fb-survey,smoothed_wdepressed_5d,day,county,2020-09-08,2021-03-15,744,1.9174148,39.8543825,13.7652938,3.6411139,2021-03-20 11:51:26,20210320,0,92 -fb-survey,smoothed_wdepressed_5d,day,hrr,2020-09-08,2021-03-11,306,2.7541212,36.7797356,13.7435342,2.9571271,2021-03-17 18:58:00,20210317,1,92 -fb-survey,smoothed_wdepressed_5d,day,msa,2020-09-08,2021-03-14,360,2.4965612,38.8902168,14.1576886,3.5036668,2021-03-19 11:51:43,20210319,1,92 -fb-survey,smoothed_wdepressed_5d,day,nation,2020-09-08,2021-03-18,1,11.8594341,15.5085087,13.4023874,0.907089,2021-03-23 11:53:39,20210323,5,98 -fb-survey,smoothed_wdepressed_5d,day,state,2020-09-08,2021-03-15,51,6.0871871,27.3584479,13.7900204,2.0112377,2021-03-20 11:52:12,20210320,5,92 -fb-survey,smoothed_wdepressed_7d,day,county,2021-03-02,2022-06-25,612,0.616306,43.9599197,12.0288927,3.7190805,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdepressed_7d,day,hrr,2021-03-02,2022-06-25,306,0.4807692,41.2780068,12.3922538,3.6372247,2022-07-01 15:00:04,20220701,4,63 -fb-survey,smoothed_wdepressed_7d,day,msa,2021-03-02,2022-06-25,331,0.4680631,42.7666862,12.4339927,3.7043859,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdepressed_7d,day,nation,2021-03-02,2022-06-25,1,10.4776671,14.1366129,12.1188847,0.8910695,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdepressed_7d,day,state,2021-03-02,2022-06-25,51,2.3550117,25.1595585,12.4805467,2.4135102,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,county,2021-02-09,2022-06-25,45,4.8069079,41.638098,21.9202099,4.6762479,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,hrr,2021-02-12,2022-06-19,31,9.9711569,44.4861606,24.7468069,5.8217915,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,msa,2021-02-11,2022-06-25,19,7.4195413,46.0042971,23.6468721,5.8843849,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,nation,2021-02-09,2022-06-25,1,17.8199425,28.8839544,21.9804576,2.3640941,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_dont_spend_time,day,state,2021-02-09,2022-06-25,41,4.6072304,43.2226214,22.2710091,4.9543433,2022-07-01 15:00:30,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,county,2021-02-09,2022-06-25,45,6.4677091,65.2771888,33.6084413,11.9811943,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,hrr,2021-02-12,2022-06-19,31,6.3880598,63.0488653,26.670035,11.0511897,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,msa,2021-02-11,2022-06-25,19,3.4951517,61.2004784,31.4099448,11.9218944,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,nation,2021-02-09,2022-06-25,1,15.4693496,49.333232,34.2132441,11.0045891,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_had_covid,day,state,2021-02-09,2022-06-25,41,7.1861593,67.6858431,33.5523795,12.0913472,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,county,2021-02-09,2022-06-25,45,8.757518,45.048068,23.041627,4.2782189,2022-07-01 14:59:50,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,hrr,2021-02-12,2022-06-19,31,7.6811651,43.0085034,21.9911531,5.330986,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,msa,2021-02-11,2022-06-25,19,7.4701214,46.4618394,23.0991627,5.6430603,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,nation,2021-02-09,2022-06-25,1,19.7489267,28.7219516,23.4715732,2.1884121,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_beneficial,day,state,2021-02-09,2022-06-25,41,7.9491028,46.8476055,23.3250687,4.6860318,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,county,2021-02-09,2022-06-25,45,24.4894394,61.4067069,41.6971633,4.7507984,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,hrr,2021-02-12,2022-06-19,31,26.5531661,67.4840315,44.4681033,5.8794146,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,msa,2021-02-11,2022-06-25,19,25.8539208,65.0524872,45.1182106,5.67112,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,nation,2021-02-09,2022-06-25,1,39.4646443,45.9354591,43.1617633,1.150104,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_high_risk,day,state,2021-02-09,2022-06-25,41,22.3975978,66.4215331,43.1280253,5.1640465,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,county,2021-02-09,2022-06-25,45,17.9707159,68.0319998,41.6497756,6.1898686,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,hrr,2021-02-12,2022-06-19,31,19.4349471,69.3430387,40.6714652,7.2109532,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,msa,2021-02-11,2022-06-25,19,16.7636216,61.7023174,40.2259687,6.8004507,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,nation,2021-02-09,2022-06-25,1,37.3558444,48.7790548,43.253093,2.8849537,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_not_serious,day,state,2021-02-09,2022-06-25,41,18.7757164,70.3317852,43.3817649,6.5220607,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,county,2021-02-09,2022-06-25,45,13.2109195,52.9541802,30.4775884,4.771153,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_other,day,hrr,2021-02-12,2022-06-19,31,12.6394689,50.0796684,27.4749004,5.9769335,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,msa,2021-02-11,2022-06-25,19,11.040314,50.0086998,28.2413138,5.6874895,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,nation,2021-02-09,2022-06-25,1,20.1605447,34.161327,29.544848,2.4247603,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_other,day,state,2021-02-09,2022-06-25,41,12.3992662,53.0852128,29.8537186,5.0127981,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,county,2021-02-09,2022-06-25,45,1.923726,54.9464813,16.0300924,6.6137832,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,hrr,2021-02-12,2022-06-19,31,5.4724325,45.5438936,21.1476736,6.93477,2022-06-24 12:53:02,20220624,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,msa,2021-02-11,2022-06-25,19,2.3014576,47.8203937,22.1245488,8.1906234,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,nation,2021-02-09,2022-06-25,1,9.0930202,29.2971249,15.8323641,4.4888581,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wdontneed_reason_precautions,day,state,2021-02-09,2022-06-25,41,1.4653069,45.1462683,15.6996598,6.5734888,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wearing_mask,day,county,2020-09-08,2021-02-21,744,51.1794743,99.6779189,90.679758,6.0151383,2021-03-17 18:42:45,20210317,0,92 -fb-survey,smoothed_wearing_mask,day,hrr,2020-09-08,2021-02-20,306,51.4583333,99.6774194,89.1083305,6.3806653,2021-03-17 18:42:11,20210317,5,92 -fb-survey,smoothed_wearing_mask,day,msa,2020-09-08,2021-02-21,359,51.3144713,99.6775583,89.7195547,6.0889906,2021-03-17 18:43:13,20210317,5,92 -fb-survey,smoothed_wearing_mask,day,nation,2020-09-08,2021-02-22,1,86.1720121,94.0841025,90.6231562,2.9532583,2021-03-17 18:44:09,20210317,5,98 -fb-survey,smoothed_wearing_mask,day,state,2020-09-08,2021-02-21,51,55.6066818,99.5934959,89.5499112,6.2253967,2021-03-17 18:43:23,20210317,5,92 -fb-survey,smoothed_wearing_mask_7d,day,county,2021-02-09,2022-06-27,663,7.8728379,99.7584907,64.205482,22.6791456,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,hrr,2021-02-09,2022-06-27,306,6.7460317,99.795082,59.3034134,22.8455967,2022-07-01 15:00:05,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,msa,2021-02-09,2022-06-27,344,6.5201134,99.7584907,62.2082483,22.5356158,2022-07-01 15:00:18,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,nation,2021-02-09,2022-06-27,1,30.3755175,93.8240641,60.843203,19.1204448,2022-07-01 15:00:25,20220701,1,63 -fb-survey,smoothed_wearing_mask_7d,day,state,2021-02-09,2022-06-27,51,7.8728379,99.5762712,58.4062054,22.9032269,2022-07-01 15:00:31,20220701,1,63 -fb-survey,smoothed_wfelt_isolated_5d,day,county,2020-09-08,2021-03-15,742,3.2146097,45.7746918,19.7587182,4.2989054,2021-03-20 11:51:27,20210320,0,92 -fb-survey,smoothed_wfelt_isolated_5d,day,hrr,2020-09-08,2021-03-11,306,4.7151883,41.6290221,19.2902689,3.4436193,2021-03-17 18:58:00,20210317,1,92 -fb-survey,smoothed_wfelt_isolated_5d,day,msa,2020-09-08,2021-03-14,358,5.5195396,45.7746918,19.7872229,4.1335327,2021-03-19 11:51:43,20210319,1,92 -fb-survey,smoothed_wfelt_isolated_5d,day,nation,2020-09-08,2021-03-18,1,14.5542693,20.6762534,19.3086085,1.1223331,2021-03-23 11:53:40,20210323,5,98 -fb-survey,smoothed_wfelt_isolated_5d,day,state,2020-09-08,2021-03-15,51,10.000835,32.899683,19.6722251,2.8198029,2021-03-20 11:52:12,20210320,5,92 -fb-survey,smoothed_wfelt_isolated_7d,day,county,2021-03-02,2021-08-08,612,2.0921847,41.6130858,14.9080237,4.4760916,2021-08-13 12:54:55,20210813,1,15 -fb-survey,smoothed_wfelt_isolated_7d,day,hrr,2021-03-02,2021-08-08,306,2.0894072,36.0692146,14.2480385,3.8590188,2021-08-13 12:55:58,20210813,5,15 -fb-survey,smoothed_wfelt_isolated_7d,day,msa,2021-03-02,2021-08-08,331,1.9669919,42.6565175,14.827256,4.3100106,2021-08-13 12:56:42,20210813,5,15 -fb-survey,smoothed_wfelt_isolated_7d,day,nation,2021-03-02,2021-08-08,1,9.6084067,19.1716974,13.0566865,2.6467552,2021-08-13 12:57:02,20210813,5,15 -fb-survey,smoothed_wfelt_isolated_7d,day,state,2021-03-02,2021-08-08,51,2.9438775,29.6693207,13.6768722,3.7391537,2021-08-13 12:57:14,20210813,5,15 -fb-survey,smoothed_wflu_vaccinated_2021,day,county,2022-03-04,2022-06-25,384,25.8051747,83.1557473,54.7105354,7.9570561,2022-07-01 14:59:51,20220701,2,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,hrr,2022-03-04,2022-06-25,287,25.5610208,78.7154491,52.4789789,7.1385953,2022-07-01 15:00:05,20220701,5,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,msa,2022-03-04,2022-06-25,227,25.308152,82.4349516,53.8148398,7.5440052,2022-07-01 15:00:18,20220701,5,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,nation,2022-03-04,2022-06-25,1,51.7862157,53.3519071,52.5535139,0.4362619,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wflu_vaccinated_2021,day,state,2022-03-04,2022-06-25,51,36.796906,78.1347419,53.5545129,5.9461494,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_whad_covid_ever,day,county,2021-05-20,2022-06-25,661,0.3968254,63.6836227,25.6370922,10.6136795,2022-07-01 14:59:51,20220701,1,110 -fb-survey,smoothed_whad_covid_ever,day,hrr,2021-05-20,2022-06-25,306,1.877847,67.9838795,27.2432022,10.6358672,2022-07-01 15:00:05,20220701,4,110 -fb-survey,smoothed_whad_covid_ever,day,msa,2021-05-20,2022-06-25,347,1.3872896,63.6836227,26.272397,10.5537114,2022-07-01 15:00:18,20220701,4,110 -fb-survey,smoothed_whad_covid_ever,day,nation,2021-05-20,2022-06-25,1,14.4403582,43.9655763,27.0545338,9.3656193,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_whad_covid_ever,day,state,2021-05-20,2022-06-25,51,1.877847,55.6946797,27.0624538,10.6317479,2022-07-01 15:00:31,20220701,4,110 -fb-survey,smoothed_whesitancy_reason_allergic,day,county,2021-02-09,2021-08-08,269,9.4519542,48.6336454,24.4502765,4.1238527,2021-08-13 12:54:55,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,hrr,2021-02-09,2021-08-06,264,9.0052188,47.7810821,24.1547932,4.2220518,2021-08-11 12:56:46,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,msa,2021-02-09,2021-08-07,182,10.1799585,46.2835883,24.2801462,4.1645026,2021-08-12 12:55:11,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,nation,2021-02-09,2021-08-08,1,17.2139495,29.511484,24.5487878,1.8535995,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_allergic,day,state,2021-02-09,2021-08-08,50,10.3998722,42.6742516,24.0275552,3.2935803,2021-08-13 12:57:14,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_cost,day,county,2021-02-09,2022-06-25,269,0.2155175,18.8500985,4.4164383,2.4268497,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_cost,day,hrr,2021-02-09,2022-06-25,264,0.210084,22.5738707,4.4567295,2.6283793,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_cost,day,msa,2021-02-09,2022-06-25,182,0.2389865,30.2682761,4.5971638,2.6835099,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_cost,day,nation,2021-02-09,2022-06-25,1,2.6631177,7.3851319,3.6734228,0.9999892,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_cost,day,state,2021-02-09,2022-06-25,50,0.2155175,19.5888963,3.9081734,1.8891713,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,county,2021-02-09,2021-12-24,269,2.277526,31.8960027,12.2722454,3.0982688,2022-02-02 20:52:03,20220202,1,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,hrr,2021-02-09,2021-12-22,264,1.9030664,37.3937124,12.5038004,3.6238109,2022-02-02 20:53:14,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,msa,2021-02-09,2021-12-23,182,1.908972,39.5481442,12.3604769,3.6003761,2022-02-02 20:54:12,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,nation,2021-02-09,2021-12-25,1,9.8077692,27.0058032,12.6810788,1.2219962,2022-02-02 20:54:42,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines,day,state,2021-02-09,2021-12-24,50,3.0114815,35.411576,12.886509,2.6689476,2022-02-02 20:55:00,20220202,4,63 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,county,2021-12-19,2022-06-25,67,7.1241707,40.0026615,19.5304937,3.4267287,2022-07-01 14:59:51,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,hrr,2021-12-20,2022-06-25,126,5.897228,42.6748953,19.7060164,4.6625072,2022-07-01 15:00:05,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,msa,2021-12-20,2022-06-25,62,7.449434,39.3582203,19.7361241,4.239746,2022-07-01 15:00:18,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,nation,2021-12-19,2022-06-25,1,18.4809393,20.770861,19.4847267,0.5453515,2022-07-01 15:00:25,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_dislike_vaccines_generally,day,state,2021-12-19,2022-06-25,47,6.3902943,37.7316319,19.7005006,3.5149921,2022-07-01 15:00:31,20220701,4,14 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,county,2021-02-09,2022-06-25,269,3.8733198,65.8024308,37.8863748,10.7702842,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,hrr,2021-02-09,2022-06-25,264,3.3445575,71.8676246,38.8326416,10.2987714,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,msa,2021-02-09,2022-06-25,182,9.5565973,68.8416246,36.4859949,9.9437057,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,nation,2021-02-09,2022-06-25,1,23.504747,49.1555014,42.2244957,6.8273849,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_gov,day,state,2021-02-09,2022-06-25,50,12.450454,67.7544202,42.9135451,8.2286108,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,county,2021-02-09,2022-06-25,269,6.3373338,72.3097565,39.4005133,12.0524336,2022-07-01 14:59:51,20220701,1,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,hrr,2021-02-09,2022-06-25,264,6.5432548,75.041397,39.0969708,10.9974265,2022-07-01 15:00:05,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,msa,2021-02-09,2022-06-25,182,10.5496022,71.8766845,37.263145,10.5672901,2022-07-01 15:00:18,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,nation,2021-02-09,2022-06-25,1,26.3299411,54.8598449,45.6359383,8.2569509,2022-07-01 15:00:25,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_distrust_vaccines,day,state,2021-02-09,2022-06-25,50,14.2122894,76.4828356,45.7552156,10.0603843,2022-07-01 15:00:31,20220701,4,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,county,2021-02-09,2021-08-08,269,2.68867,25.7398773,11.1342754,2.856906,2021-08-13 12:54:56,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,hrr,2021-02-09,2021-08-06,264,2.4427752,25.2297164,11.1467825,2.8554226,2021-08-11 12:56:47,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,msa,2021-02-09,2021-08-07,182,2.7694866,25.1692907,10.9455353,2.7274129,2021-08-12 12:55:11,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,nation,2021-02-09,2021-08-08,1,9.5538471,18.3521122,12.0427154,1.6547789,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_health_condition,day,state,2021-02-09,2021-08-08,50,3.9640995,24.0387993,11.3925431,2.3043261,2021-08-13 12:57:15,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_ineffective,day,county,2021-02-09,2022-06-25,269,6.5269903,48.9568179,24.5260072,5.1911112,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,hrr,2021-02-09,2022-06-25,264,6.6947907,53.7090555,24.7984946,5.8600366,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,msa,2021-02-09,2022-06-25,182,7.1164823,54.484413,24.207075,5.7743426,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,nation,2021-02-09,2022-06-25,1,19.6582346,30.2768264,25.7284686,3.2087039,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_ineffective,day,state,2021-02-09,2022-06-25,50,11.6209221,52.298582,26.1078927,4.7044414,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,county,2021-02-09,2022-06-25,269,0.4767117,54.3332284,16.5565188,10.1101,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,hrr,2021-02-09,2022-06-25,264,0.2564103,55.2657496,16.2136318,9.2827039,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,msa,2021-02-09,2022-06-25,182,0.7518824,50.675307,17.5177984,9.6695686,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,nation,2021-02-09,2022-06-25,1,7.006092,31.3399911,12.2879791,6.5081071,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_low_priority,day,state,2021-02-09,2022-06-25,50,1.2616671,42.2415841,12.8269855,7.4064772,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,county,2021-02-09,2021-08-08,269,0.386761,21.8109183,7.9178619,2.5124111,2021-08-13 12:54:56,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,hrr,2021-02-09,2021-08-06,264,0.8121502,30.0649677,8.0934786,2.5632542,2021-08-11 12:56:47,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,msa,2021-02-09,2021-08-07,182,0.9687711,23.2912513,8.0287888,2.6217481,2021-08-12 12:55:12,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,nation,2021-02-09,2021-08-08,1,4.5181873,11.9337068,8.6093731,1.3868421,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_not_recommended,day,state,2021-02-09,2021-08-08,50,2.5668931,19.2062301,8.3460955,1.9810811,2021-08-13 12:57:15,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_other,day,county,2021-02-09,2022-06-25,269,1.4372991,42.8244651,17.6983098,6.0368779,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_other,day,hrr,2021-02-09,2022-06-25,264,2.6860797,50.8660928,17.8413979,6.3624422,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_other,day,msa,2021-02-09,2022-06-25,182,2.0627923,54.7826929,17.2250361,6.2453655,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_other,day,nation,2021-02-09,2022-06-25,1,9.9303692,24.9020614,19.1013047,3.9091196,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_other,day,state,2021-02-09,2022-06-25,50,5.8651725,46.0061502,19.556545,5.1331531,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_pregnant,day,county,2021-02-09,2021-08-08,269,0.3552191,19.4539214,5.6342949,1.9918921,2021-08-13 12:54:56,20210813,1,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,hrr,2021-02-09,2021-08-06,264,0.3546099,19.0082655,5.627179,2.1027593,2021-08-11 12:56:47,20210811,5,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,msa,2021-02-09,2021-08-07,182,0.3552191,19.4539214,5.6632815,2.0533325,2021-08-12 12:55:12,20210812,5,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,nation,2021-02-09,2021-08-08,1,4.6500787,9.8490779,6.0507347,0.9728403,2021-08-13 12:57:02,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_pregnant,day,state,2021-02-09,2021-08-08,50,0.4761905,19.0831092,5.8217579,1.7396931,2021-08-13 12:57:15,20210813,5,36 -fb-survey,smoothed_whesitancy_reason_religious,day,county,2021-02-09,2022-06-25,269,0.2360437,37.2408044,9.7295569,5.6347867,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_religious,day,hrr,2021-02-09,2022-06-25,264,0.2145923,41.0601024,9.8180712,5.9566815,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_religious,day,msa,2021-02-09,2022-06-25,182,0.2575795,41.411229,9.1957266,5.6983165,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_religious,day,nation,2021-02-09,2022-06-25,1,3.2215934,17.9682824,11.6468891,4.3801209,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_religious,day,state,2021-02-09,2022-06-25,50,0.4587282,38.2845488,11.6888491,5.2139764,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,county,2021-02-09,2022-06-25,269,26.9548241,79.8831658,53.7488322,7.1368359,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,hrr,2021-02-09,2022-06-25,264,28.7712371,80.055543,53.8408628,7.5832092,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,msa,2021-02-09,2022-06-25,182,29.0385923,79.8831658,53.2930136,7.4650192,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,nation,2021-02-09,2022-06-25,1,45.4524593,61.2061394,55.7581717,4.3187869,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_sideeffects,day,state,2021-02-09,2022-06-25,50,32.8388023,79.261816,55.9877578,5.9797222,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,county,2021-02-09,2022-06-25,269,2.4146879,64.9447974,32.9521122,11.0263706,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,hrr,2021-02-09,2022-06-25,264,2.6826198,71.0861382,32.9523433,10.2676657,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,msa,2021-02-09,2022-06-25,182,4.2480872,66.4505849,31.7528147,10.285422,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,nation,2021-02-09,2022-06-25,1,17.0729857,46.6894472,37.2840133,7.5253347,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_unnecessary,day,state,2021-02-09,2022-06-25,50,9.9642288,67.7170268,38.1365857,9.0498542,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,county,2021-02-09,2022-06-25,269,6.8225926,62.5631435,34.1443483,8.8727006,2022-07-01 14:59:51,20220701,1,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,hrr,2021-02-09,2022-06-25,264,6.0065841,62.7920337,35.3441146,7.8933413,2022-07-01 15:00:05,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,msa,2021-02-09,2022-06-25,182,7.4386807,61.0454853,36.4206659,7.8766815,2022-07-01 15:00:18,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,nation,2021-02-09,2022-06-25,1,17.435773,42.105386,31.373305,7.6962928,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_whesitancy_reason_wait_safety,day,state,2021-02-09,2022-06-25,50,6.6577789,54.9808894,31.4730499,8.2685307,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_whh_cmnty_cli,day,county,2020-04-15,2022-06-25,1158,1.3750815,73.2503244,21.9397893,10.0012829,2022-07-01 14:59:51,20220701,1,141 -fb-survey,smoothed_whh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,306,2.2171266,74.0255911,22.8036241,9.9718312,2022-07-01 15:00:05,20220701,2,141 -fb-survey,smoothed_whh_cmnty_cli,day,msa,2020-04-15,2022-06-25,380,1.8822423,73.2503244,23.1479164,10.2562135,2022-07-01 15:00:18,20220701,2,141 -fb-survey,smoothed_whh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,9.661965,47.033767,21.5156062,7.1543536,2022-07-01 15:00:25,20220701,4,244 -fb-survey,smoothed_whh_cmnty_cli,day,state,2020-04-15,2022-06-25,52,2.4860466,61.3750353,22.2999081,9.3458112,2022-07-01 15:00:31,20220701,4,141 -fb-survey,smoothed_wili,day,county,2020-04-06,2022-06-25,1526,0.0,12.7482784,1.1044539,1.075888,2022-07-01 14:59:52,20220701,1,150 -fb-survey,smoothed_wili,day,hrr,2020-04-06,2022-06-25,306,0.0,12.7454707,1.368139,1.1626017,2022-07-01 15:00:05,20220701,4,150 -fb-survey,smoothed_wili,day,msa,2020-04-06,2022-06-25,382,0.0,12.897527,1.2702849,1.1586003,2022-07-01 15:00:18,20220701,2,150 -fb-survey,smoothed_wili,day,nation,2020-04-06,2022-06-25,1,0.4424246,5.0456589,1.3858002,0.9112782,2022-07-01 15:00:25,20220701,4,253 -fb-survey,smoothed_wili,day,state,2020-04-06,2022-06-25,52,0.0,7.9691919,1.4244392,1.0646239,2022-07-01 15:00:31,20220701,2,150 -fb-survey,smoothed_winitial_dose_one_of_one,day,county,2022-03-04,2022-06-25,352,0.1789052,31.3099061,7.2474167,2.8507023,2022-07-01 14:59:52,20220701,2,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,hrr,2022-03-04,2022-06-25,272,0.1908397,31.3351139,7.4263152,2.5663561,2022-07-01 15:00:05,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,msa,2022-03-04,2022-06-25,207,0.1394524,30.4304362,7.1528107,2.685112,2022-07-01 15:00:19,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,nation,2022-03-04,2022-06-25,1,7.1101013,7.6034753,7.3572741,0.1054342,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_one,day,state,2022-03-04,2022-06-25,51,2.0895519,14.0962306,7.4065711,1.5405493,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,county,2022-03-04,2022-06-25,352,0.1760494,37.097309,6.376349,2.6140307,2022-07-01 14:59:52,20220701,2,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,hrr,2022-03-04,2022-06-25,272,0.1851852,37.2985333,6.6087396,2.503617,2022-07-01 15:00:06,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,msa,2022-03-04,2022-06-25,207,0.2047256,21.8746033,6.5161824,2.5491358,2022-07-01 15:00:19,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,nation,2022-03-04,2022-06-25,1,6.0873171,7.1435648,6.6005127,0.3242917,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_winitial_dose_one_of_two,day,state,2022-03-04,2022-06-25,51,1.2449109,14.3650406,6.3908213,1.5469224,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,county,2022-03-04,2022-06-25,352,58.4158339,97.6887012,85.7413474,3.7676812,2022-07-01 14:59:52,20220701,2,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,hrr,2022-03-04,2022-06-25,272,56.295143,97.4969585,85.312899,3.498756,2022-07-01 15:00:06,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,msa,2022-03-04,2022-06-25,207,62.1802657,97.420166,85.6887471,3.5635137,2022-07-01 15:00:19,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,nation,2022-03-04,2022-06-25,1,84.7892928,86.3072822,85.4810374,0.3629036,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_winitial_dose_two_of_two,day,state,2022-03-04,2022-06-25,51,78.2149548,93.5469139,85.6387775,1.9364896,2022-07-01 15:00:31,20220701,5,14 -fb-survey,smoothed_winperson_school_fulltime,day,county,2020-11-24,2021-12-24,295,1.649099,96.5116573,44.1861575,24.522825,2022-02-02 20:52:06,20220202,1,133 -fb-survey,smoothed_winperson_school_fulltime,day,hrr,2020-11-24,2021-12-22,264,2.167588,98.0192219,46.3823847,23.2513277,2022-02-02 20:53:16,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime,day,msa,2020-11-24,2021-12-24,181,1.911819,97.7340744,45.3173837,23.6674973,2022-02-02 20:54:14,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime,day,nation,2020-11-24,2021-12-24,1,30.405697,86.0366294,57.0158636,19.9209731,2022-02-02 20:54:43,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime,day,state,2020-11-24,2021-12-24,50,3.8655163,96.6880092,58.3279855,22.7559791,2022-02-02 20:55:01,20220202,5,133 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,county,2021-12-19,2022-06-25,69,62.9940419,99.5454541,92.7122963,4.0705057,2022-07-01 14:59:52,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,hrr,2021-12-21,2022-06-25,87,55.9706126,99.7326203,91.1569006,5.3418787,2022-07-01 15:00:06,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,msa,2021-12-20,2022-06-25,53,58.2056922,99.6914588,92.2337491,4.6003458,2022-07-01 15:00:19,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,nation,2021-12-19,2022-06-25,1,87.6818181,95.6651801,93.2633088,2.0315501,2022-07-01 15:00:25,20220701,4,14 -fb-survey,smoothed_winperson_school_fulltime_oldest,day,state,2021-12-19,2022-06-25,42,63.1649378,99.5454541,92.7526905,4.0486863,2022-07-01 15:00:31,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime,day,county,2020-11-24,2021-12-24,293,0.4471104,75.6656064,24.2313898,12.0261844,2022-02-02 20:52:06,20220202,1,133 -fb-survey,smoothed_winperson_school_parttime,day,hrr,2020-11-24,2021-12-22,259,0.4464286,66.322919,25.318842,11.1259869,2022-02-02 20:53:16,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime,day,msa,2020-11-24,2021-12-23,178,0.4471104,69.0001297,24.4376559,11.3399035,2022-02-02 20:54:14,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime,day,nation,2020-11-24,2021-12-24,1,16.1480305,28.2422396,22.2751745,4.0347658,2022-02-02 20:54:43,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime,day,state,2020-11-24,2021-12-24,50,4.2491283,65.7561501,23.2546423,9.7834603,2022-02-02 20:55:01,20220202,5,133 -fb-survey,smoothed_winperson_school_parttime_oldest,day,county,2021-12-19,2022-06-25,69,0.1461985,24.1369907,4.7023299,2.8786615,2022-07-01 14:59:52,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,hrr,2021-12-21,2022-06-25,87,0.1976285,27.8987527,5.6972514,3.7524768,2022-07-01 15:00:06,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,msa,2021-12-20,2022-06-25,53,0.2120599,30.8578463,4.8967179,3.0774775,2022-07-01 15:00:19,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,nation,2021-12-19,2022-06-25,1,2.6388345,7.8820427,4.3530664,1.2863722,2022-07-01 15:00:25,20220701,4,14 -fb-survey,smoothed_winperson_school_parttime_oldest,day,state,2021-12-19,2022-06-25,42,0.1461985,22.9473676,4.7187805,2.8968913,2022-07-01 15:00:31,20220701,4,14 -fb-survey,smoothed_wlarge_event_1d,day,county,2020-09-08,2021-03-15,831,0.2747253,44.7660358,11.252197,5.6423628,2021-03-20 11:51:29,20210320,0,92 -fb-survey,smoothed_wlarge_event_1d,day,hrr,2020-09-08,2021-03-11,306,0.492228,46.2257562,12.2999093,5.5630368,2021-03-17 18:58:02,20210317,2,92 -fb-survey,smoothed_wlarge_event_1d,day,msa,2020-09-08,2021-03-14,370,0.2747253,44.7660358,12.1267754,5.6983996,2021-03-19 11:51:45,20210319,1,92 -fb-survey,smoothed_wlarge_event_1d,day,nation,2020-09-08,2021-03-18,1,6.8384933,15.8530488,11.2534813,3.0755192,2021-03-23 11:53:42,20210323,2,98 -fb-survey,smoothed_wlarge_event_1d,day,state,2020-09-08,2021-03-15,51,1.2275906,31.2557433,11.7680285,5.096913,2021-03-20 11:52:13,20210320,2,92 -fb-survey,smoothed_wlarge_event_indoors_1d,day,county,2021-03-02,2022-06-25,670,0.5781915,57.928438,21.8466829,7.3628614,2022-07-01 14:59:52,20220701,1,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,1.2339531,57.5739341,23.3337496,7.1254594,2022-07-01 15:00:06,20220701,4,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,msa,2021-03-02,2022-06-25,349,0.9356978,55.0674681,22.5222933,7.1586873,2022-07-01 15:00:19,20220701,4,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,nation,2021-03-02,2022-06-25,1,10.793925,31.3438812,22.6271031,5.253952,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wlarge_event_indoors_1d,day,state,2021-03-02,2022-06-25,51,1.8963261,46.0268839,23.4043217,6.8020611,2022-07-01 15:00:31,20220701,4,63 -fb-survey,smoothed_wnohh_cmnty_cli,day,county,2020-04-15,2022-06-25,1158,0.2449849,67.6118995,17.2692958,9.1160853,2022-07-01 14:59:52,20220701,1,141 -fb-survey,smoothed_wnohh_cmnty_cli,day,hrr,2020-04-15,2022-06-25,306,0.4385965,67.3097288,17.8269208,9.1346179,2022-07-01 15:00:06,20220701,2,141 -fb-survey,smoothed_wnohh_cmnty_cli,day,msa,2020-04-15,2022-06-25,380,0.4140571,64.7689845,18.2267998,9.4049519,2022-07-01 15:00:19,20220701,2,141 -fb-survey,smoothed_wnohh_cmnty_cli,day,nation,2020-04-15,2022-06-25,1,6.331558,39.6769705,16.6227899,6.421572,2022-07-01 15:00:25,20220701,4,244 -fb-survey,smoothed_wnohh_cmnty_cli,day,state,2020-04-15,2022-06-25,52,1.3205772,56.2288024,17.4001059,8.5435123,2022-07-01 15:00:31,20220701,4,141 -fb-survey,smoothed_work_outside_home_1d,day,county,2020-09-08,2021-03-15,835,7.622462,58.3337502,31.7920327,6.1464568,2021-03-20 11:51:30,20210320,1,92 -fb-survey,smoothed_work_outside_home_1d,day,hrr,2020-09-08,2021-03-11,306,12.4907885,55.1652893,32.0940955,5.5899382,2021-03-17 18:58:02,20210317,2,92 -fb-survey,smoothed_work_outside_home_1d,day,msa,2020-09-08,2021-03-14,370,7.622462,58.3337502,32.446426,6.0098032,2021-03-19 11:51:45,20210319,1,92 -fb-survey,smoothed_work_outside_home_1d,day,nation,2020-09-08,2021-03-18,1,21.6507501,35.9460336,31.3427652,3.2126867,2021-03-23 11:53:43,20210323,2,98 -fb-survey,smoothed_work_outside_home_1d,day,state,2020-09-08,2021-03-15,51,8.9662447,52.6223377,32.2708983,5.4055182,2021-03-20 11:52:13,20210320,2,92 -fb-survey,smoothed_work_outside_home_indoors_1d,day,county,2021-03-02,2022-06-27,670,9.7198634,58.617874,33.5732968,5.532449,2022-07-01 14:59:52,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,hrr,2021-03-02,2022-06-27,306,11.4492754,58.4677419,33.7955435,5.1569547,2022-07-01 15:00:06,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,msa,2021-03-02,2022-06-27,349,9.8720626,61.2426139,33.8262538,5.4456966,2022-07-01 15:00:19,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,nation,2021-03-02,2022-06-27,1,23.7957814,36.4551242,33.6054923,2.1450812,2022-07-01 15:00:25,20220701,1,63 -fb-survey,smoothed_work_outside_home_indoors_1d,day,state,2021-03-02,2022-06-27,51,13.3451957,52.9292878,34.5361949,4.4888592,2022-07-01 15:00:31,20220701,1,63 -fb-survey,smoothed_worried_become_ill,day,county,2020-09-08,2021-08-08,745,21.8562874,93.8829787,61.2717627,9.5898727,2021-08-13 12:55:02,20210813,0,92 -fb-survey,smoothed_worried_become_ill,day,hrr,2020-09-08,2021-08-08,306,26.635514,85.9855335,59.8519576,9.4121586,2021-08-13 12:56:02,20210813,5,92 -fb-survey,smoothed_worried_become_ill,day,msa,2020-09-08,2021-08-08,359,21.8398888,93.8829787,60.4249489,9.4460152,2021-08-13 12:56:46,20210813,5,92 -fb-survey,smoothed_worried_become_ill,day,nation,2020-09-08,2021-08-08,1,35.6958763,72.3717622,56.9028157,11.0532109,2021-08-13 12:57:02,20210813,5,98 -fb-survey,smoothed_worried_become_ill,day,state,2020-09-08,2021-08-08,51,21.8562874,81.0144928,58.0321489,10.6045383,2021-08-13 12:57:17,20210813,5,92 -fb-survey,smoothed_worried_catch_covid,day,county,2021-05-20,2022-06-27,377,13.1678783,83.8235294,48.9187704,10.4618787,2022-07-01 14:59:52,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,hrr,2021-05-20,2022-06-27,293,12.585034,82.0855615,46.2742163,10.1272357,2022-07-01 15:00:06,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,msa,2021-05-20,2022-06-27,221,14.8006912,82.1678322,47.433019,9.8045433,2022-07-01 15:00:19,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,nation,2021-05-20,2022-06-27,1,32.7879719,59.1381691,46.1695619,6.9006121,2022-07-01 15:00:25,20220701,1,110 -fb-survey,smoothed_worried_catch_covid,day,state,2021-05-20,2022-06-27,51,13.1678783,76.1682243,44.5452652,9.4025344,2022-07-01 15:00:31,20220701,1,110 -fb-survey,smoothed_worried_finances,day,county,2020-09-08,2022-06-27,755,11.0052026,82.6732673,39.1531293,7.8953853,2022-07-01 14:59:53,20220701,1,92 -fb-survey,smoothed_worried_finances,day,hrr,2020-09-08,2022-06-27,306,15.1408451,76.618705,39.0279071,7.3314365,2022-07-01 15:00:06,20220701,1,92 -fb-survey,smoothed_worried_finances,day,msa,2020-09-08,2022-06-27,360,14.3584953,82.6732673,39.2171114,7.663917,2022-07-01 15:00:19,20220701,1,92 -fb-survey,smoothed_worried_finances,day,nation,2020-09-08,2022-06-27,1,32.7583261,49.7202012,38.4454227,4.1104441,2022-07-01 15:00:25,20220701,1,98 -fb-survey,smoothed_worried_finances,day,state,2020-09-08,2022-06-27,51,20.6790123,58.4336003,37.980683,5.5495025,2022-07-01 15:00:32,20220701,1,92 -fb-survey,smoothed_worried_vaccine_side_effects,day,county,2021-01-13,2022-06-27,724,14.7232379,88.2235985,53.9216438,15.917221,2022-07-01 14:59:53,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,hrr,2021-01-13,2022-06-27,306,21.679198,88.2113821,61.4861725,14.6393302,2022-07-01 15:00:06,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,msa,2021-01-13,2022-06-27,359,17.065884,87.1809489,56.2371783,15.6697149,2022-07-01 15:00:19,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,nation,2021-01-13,2022-06-27,1,37.2208052,74.686969,67.9060097,10.3589595,2022-07-01 15:00:25,20220701,1,63 -fb-survey,smoothed_worried_vaccine_side_effects,day,state,2021-01-13,2022-06-27,51,24.025974,86.5484308,66.939403,11.640358,2022-07-01 15:00:32,20220701,1,63 -fb-survey,smoothed_wothers_distanced_public,day,county,2021-06-04,2022-06-25,360,2.8900442,57.1384989,19.5881646,6.833952,2022-07-01 14:59:53,20220701,1,63 -fb-survey,smoothed_wothers_distanced_public,day,hrr,2021-06-04,2022-06-25,290,2.8735545,55.9770673,18.7926198,6.4440911,2022-07-01 15:00:06,20220701,4,63 -fb-survey,smoothed_wothers_distanced_public,day,msa,2021-06-04,2022-06-25,214,2.6704421,56.056802,19.0669081,6.5754008,2022-07-01 15:00:19,20220701,4,63 -fb-survey,smoothed_wothers_distanced_public,day,nation,2021-06-04,2022-06-25,1,12.1122322,29.4177794,18.6006568,3.8454173,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wothers_distanced_public,day,state,2021-06-04,2022-06-25,51,4.1515193,53.4279084,18.0471995,5.8320159,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wothers_masked,day,county,2020-11-24,2021-08-08,726,0.4545455,99.5689655,75.0626799,20.460701,2021-08-13 12:55:03,20210813,0,44 -fb-survey,smoothed_wothers_masked,day,hrr,2020-11-24,2021-08-08,306,0.3012048,97.9872631,68.687151,23.039915,2021-08-13 12:56:03,20210813,5,44 -fb-survey,smoothed_wothers_masked,day,msa,2020-11-24,2021-08-08,355,0.7093424,99.4381474,71.9296622,20.9615251,2021-08-13 12:56:46,20210813,5,44 -fb-survey,smoothed_wothers_masked,day,nation,2020-11-24,2021-08-08,1,12.1221968,81.8798592,61.4684197,25.4253023,2021-08-13 12:57:03,20210813,5,44 -fb-survey,smoothed_wothers_masked,day,state,2020-11-24,2021-08-08,51,0.4545455,97.5155904,63.8378853,27.0748247,2021-08-13 12:57:17,20210813,5,44 -fb-survey,smoothed_wothers_masked_public,day,county,2021-05-20,2022-06-25,361,0.1850946,91.361127,23.3561117,21.8086104,2022-07-01 14:59:53,20220701,1,63 -fb-survey,smoothed_wothers_masked_public,day,hrr,2021-05-20,2022-06-25,289,0.1557632,91.5325142,19.1478965,19.7661479,2022-07-01 15:00:07,20220701,4,63 -fb-survey,smoothed_wothers_masked_public,day,msa,2021-05-20,2022-06-25,215,0.1508559,89.2016655,20.3891376,20.1005663,2022-07-01 15:00:19,20220701,4,63 -fb-survey,smoothed_wothers_masked_public,day,nation,2021-05-20,2022-06-25,1,3.8785358,54.052581,20.4011157,10.9031212,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wothers_masked_public,day,state,2021-05-20,2022-06-25,51,0.2053294,88.2777682,17.185773,18.2390896,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wpublic_transit_1d,day,county,2020-09-08,2022-06-25,831,0.095057,67.611347,5.1043834,4.9251387,2022-07-01 14:59:53,20220701,0,92 -fb-survey,smoothed_wpublic_transit_1d,day,hrr,2020-09-08,2022-06-25,306,0.1184834,53.9211951,5.0337428,4.1298865,2022-07-01 15:00:07,20220701,2,92 -fb-survey,smoothed_wpublic_transit_1d,day,msa,2020-09-08,2022-06-25,370,0.1459525,31.7723756,4.5544746,2.8115349,2022-07-01 15:00:19,20220701,1,92 -fb-survey,smoothed_wpublic_transit_1d,day,nation,2020-09-08,2022-06-25,1,2.8579001,9.0405839,5.749723,1.7722659,2022-07-01 15:00:25,20220701,2,98 -fb-survey,smoothed_wpublic_transit_1d,day,state,2020-09-08,2022-06-25,51,0.3816794,41.2234339,5.4374429,3.6889787,2022-07-01 15:00:32,20220701,2,92 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,county,2021-05-20,2022-06-25,350,44.6845856,96.0016421,78.8774113,6.5378876,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,hrr,2021-05-20,2022-06-25,288,43.6431494,97.3523875,79.2426393,6.1193318,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,msa,2021-05-20,2022-06-25,213,47.3813681,95.8289087,79.3294516,5.838266,2022-07-01 15:00:19,20220701,4,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,nation,2021-05-20,2022-06-25,1,76.8679215,79.9628531,78.4509898,0.76656,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wrace_treated_fairly_healthcare,day,state,2021-05-20,2022-06-25,51,61.1275035,95.4994895,79.8366639,4.5101922,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,county,2021-01-13,2021-11-14,630,3.8131931,99.5369216,79.2411098,17.2327187,2021-11-19 13:52:09,20211119,1,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,hrr,2021-01-14,2021-11-14,306,2.0951814,98.9134502,77.4185683,18.7860551,2021-11-19 13:53:31,20211119,1,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,msa,2021-01-13,2021-11-14,340,1.4166938,99.5369216,78.5278065,17.8464881,2021-11-19 13:54:31,20211119,1,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,nation,2021-01-13,2021-11-14,1,17.9638906,92.6246564,74.9749207,21.4558546,2021-11-19 13:54:53,20211119,2,44 -fb-survey,smoothed_wreceived_2_vaccine_doses,day,state,2021-01-13,2021-11-14,51,7.3361742,96.3267615,75.7929487,20.8389331,2021-11-19 13:55:09,20211119,2,44 -fb-survey,smoothed_wreceived_news_cdc,day,county,2021-05-20,2022-06-25,352,17.6982297,83.8165171,48.8631499,9.4779412,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_cdc,day,hrr,2021-05-20,2022-06-25,289,14.7472214,80.5507318,46.2922779,8.9608849,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_cdc,day,msa,2021-05-20,2022-06-25,214,15.8576243,82.2980262,48.1183396,8.9809266,2022-07-01 15:00:19,20220701,4,110 -fb-survey,smoothed_wreceived_news_cdc,day,nation,2021-05-20,2022-06-25,1,32.8582126,60.4220058,45.7738202,6.8089877,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_cdc,day,state,2021-05-20,2022-06-25,51,15.9928367,83.8165171,46.2307869,8.7394511,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,county,2021-05-20,2022-06-25,352,11.1703233,78.9730945,43.7945872,9.0506236,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_experts,day,hrr,2021-05-20,2022-06-25,289,9.3577232,76.1572109,41.3296344,8.5723507,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,msa,2021-05-20,2022-06-25,214,11.1673875,78.9730945,42.9780296,8.6011096,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,nation,2021-05-20,2022-06-25,1,27.860551,49.5411113,40.6500338,6.0189305,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_experts,day,state,2021-05-20,2022-06-25,51,11.1653242,70.235323,40.9062967,7.9979597,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,county,2021-05-20,2022-06-25,352,5.9319002,57.977632,27.5230318,6.4042328,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_friends,day,hrr,2021-05-20,2022-06-25,289,3.8677926,55.193025,26.3188863,6.2139479,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,msa,2021-05-20,2022-06-25,214,5.9319002,58.3752259,26.8992003,6.2388892,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,nation,2021-05-20,2022-06-25,1,19.0667245,33.3690075,26.0131712,4.138227,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_friends,day,state,2021-05-20,2022-06-25,51,5.0567359,47.8245817,25.7523881,5.3946691,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,county,2021-05-20,2022-06-25,352,11.8352822,77.1002341,40.7308989,8.6602436,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_govt_health,day,hrr,2021-05-20,2022-06-25,289,6.4487776,73.3101542,38.5313168,8.2891859,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,msa,2021-05-20,2022-06-25,214,10.7882693,74.5539272,39.8638834,8.3605377,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,nation,2021-05-20,2022-06-25,1,25.5443976,46.9760298,38.0366029,5.9558135,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_govt_health,day,state,2021-05-20,2022-06-25,51,14.0299409,77.1002341,38.3705877,8.1019791,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,county,2021-05-20,2022-06-25,352,11.8921201,69.7047642,38.8774725,7.0371838,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_journalists,day,hrr,2021-05-20,2022-06-25,289,10.9523769,67.9223619,36.6817992,6.6670469,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,msa,2021-05-20,2022-06-25,214,13.8407425,69.2789127,37.7808221,6.3860915,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,nation,2021-05-20,2022-06-25,1,28.2320293,42.4404932,36.6836078,3.4524327,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_journalists,day,state,2021-05-20,2022-06-25,51,11.2675883,69.5996362,36.4473536,5.8332799,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,county,2021-05-20,2022-06-25,352,10.9884566,55.8417301,30.4520939,5.5030396,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_local_health,day,hrr,2021-05-20,2022-06-25,289,11.0805663,53.7454165,29.8998426,5.4414781,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,msa,2021-05-20,2022-06-25,214,11.1334005,55.8417301,30.3957424,5.4876069,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,nation,2021-05-20,2022-06-25,1,24.2675771,34.1841309,29.2294132,3.3265939,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_local_health,day,state,2021-05-20,2022-06-25,51,11.8629489,50.2784511,29.3536376,4.5798127,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,county,2021-05-20,2022-06-25,352,1.9753753,55.6071062,20.5993203,7.4899409,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_none,day,hrr,2021-05-20,2022-06-25,289,3.4408587,58.7502736,22.986963,7.7705772,2022-07-01 15:00:07,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,msa,2021-05-20,2022-06-25,214,3.1016384,57.3985286,21.5977555,7.2342538,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,nation,2021-05-20,2022-06-25,1,15.3425458,34.5811819,23.1038863,5.5911218,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_none,day,state,2021-05-20,2022-06-25,51,3.176003,54.6733339,23.6888443,7.5180353,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,county,2021-05-20,2022-06-25,352,0.4283319,39.1213459,14.4486354,4.68754,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_politicians,day,hrr,2021-05-20,2022-06-25,289,1.0902773,39.5985444,14.2400432,4.5942545,2022-07-01 15:00:08,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,msa,2021-05-20,2022-06-25,214,0.8183415,39.2176323,14.4167716,4.6893103,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,nation,2021-05-20,2022-06-25,1,7.3567311,19.6198389,13.6339018,3.1792605,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_politicians,day,state,2021-05-20,2022-06-25,51,2.4340857,32.1779574,13.8609252,3.8910602,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,county,2021-05-20,2022-06-25,352,0.1495093,46.6960292,3.6214424,2.2787881,2022-07-01 14:59:53,20220701,1,110 -fb-survey,smoothed_wreceived_news_religious,day,hrr,2021-05-20,2022-06-25,289,0.1285347,45.6570439,3.5977917,2.164357,2022-07-01 15:00:08,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,msa,2021-05-20,2022-06-25,214,0.1390004,46.6396929,3.6530628,2.3626174,2022-07-01 15:00:20,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,nation,2021-05-20,2022-06-25,1,2.1464939,4.6468375,3.301974,0.6292751,2022-07-01 15:00:25,20220701,4,110 -fb-survey,smoothed_wreceived_news_religious,day,state,2021-05-20,2022-06-25,51,0.1639344,29.4330739,3.4178676,1.7499296,2022-07-01 15:00:32,20220701,4,110 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,county,2022-03-23,2022-06-25,37,0.0762777,8.4963037,2.0753331,1.2633712,2022-07-01 14:59:54,20220701,4,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,hrr,2022-03-23,2022-06-25,16,0.2096436,9.1312582,2.0724057,1.4747549,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,msa,2022-03-23,2022-06-25,17,0.1142924,11.2616143,2.0758455,1.410957,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,nation,2022-03-23,2022-06-25,1,1.5351946,2.2057331,1.8608761,0.1569164,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wremote_school_fulltime_oldest,day,state,2022-03-23,2022-06-25,33,0.0762777,8.4637057,2.0902506,1.3271233,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wrestaurant_1d,day,county,2020-09-08,2021-03-15,831,0.3676141,51.3360589,18.4272936,7.1243256,2021-03-20 11:51:32,20210320,0,92 -fb-survey,smoothed_wrestaurant_1d,day,hrr,2020-09-08,2021-03-11,306,1.7963261,47.792486,19.0718539,6.7528436,2021-03-17 18:58:03,20210317,2,92 -fb-survey,smoothed_wrestaurant_1d,day,msa,2020-09-08,2021-03-14,370,0.9146587,51.3360589,19.1210426,7.0417623,2021-03-19 11:51:46,20210319,1,92 -fb-survey,smoothed_wrestaurant_1d,day,nation,2020-09-08,2021-03-18,1,11.6262816,24.3015248,18.4168837,4.2622077,2021-03-23 11:53:44,20210323,2,98 -fb-survey,smoothed_wrestaurant_1d,day,state,2020-09-08,2021-03-15,51,4.3001112,40.9228708,18.8972272,6.0253929,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wrestaurant_indoors_1d,day,county,2021-03-02,2022-06-25,670,2.2934214,70.3352431,34.3855799,8.476808,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,2.0884499,70.140707,35.4909844,7.8969828,2022-07-01 15:00:08,20220701,4,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,msa,2021-03-02,2022-06-25,349,2.2934214,68.5840887,35.1046636,8.1037033,2022-07-01 15:00:20,20220701,4,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,nation,2021-03-02,2022-06-25,1,18.9970264,42.5261079,35.0052398,5.7553606,2022-07-01 15:00:25,20220701,4,63 -fb-survey,smoothed_wrestaurant_indoors_1d,day,state,2021-03-02,2022-06-25,51,6.4579548,57.0937739,35.4714159,7.3434655,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,county,2022-03-23,2022-06-25,29,3.0557482,36.2476824,19.9541369,4.9516172,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,hrr,2022-03-23,2022-06-25,6,7.9802626,42.8863361,20.2254142,6.1889431,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,msa,2022-03-23,2022-06-25,12,5.9902866,43.8837817,23.0843605,6.5553618,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,nation,2022-03-23,2022-06-25,1,17.0467258,22.8115644,18.8326134,1.2312283,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_cafeteria,day,state,2022-03-23,2022-06-25,27,2.9053012,37.0077473,19.178317,4.8006323,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,county,2022-03-23,2022-06-25,29,11.1867709,61.8993147,36.7345179,9.2806915,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,hrr,2022-03-23,2022-06-25,6,11.0761971,50.1518626,29.281419,9.185019,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,msa,2022-03-23,2022-06-25,12,7.9966395,54.8112662,27.514771,8.1921072,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,nation,2022-03-23,2022-06-25,1,33.2726652,40.479036,37.8203111,1.4957627,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_dont_know,day,state,2022-03-23,2022-06-25,27,13.437192,63.7519141,38.3235224,9.1396805,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,county,2022-03-23,2022-06-25,29,0.2735616,12.6314113,3.6008307,1.7063198,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,hrr,2022-03-23,2022-06-25,6,0.4237288,14.1479965,5.3021103,2.7341949,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,msa,2022-03-23,2022-06-25,12,0.4150869,11.8809397,4.0443032,2.1586909,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,nation,2022-03-23,2022-06-25,1,2.6523982,4.0135495,3.3805788,0.2923063,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_extracurricular,day,state,2022-03-23,2022-06-25,27,0.3267974,12.1086957,3.5080006,1.6328115,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,county,2022-03-23,2022-06-25,29,2.7109537,50.2444827,14.9025578,6.7261158,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,hrr,2022-03-23,2022-06-25,6,7.9062073,49.6911843,23.0971014,9.4944759,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,msa,2022-03-23,2022-06-25,12,6.9498013,46.5284656,22.0942652,8.5900262,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,nation,2022-03-23,2022-06-25,1,14.0967887,21.0978669,15.967478,1.2743591,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_students,day,state,2022-03-23,2022-06-25,27,2.5580279,37.4672423,14.1538584,5.4456556,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,county,2022-03-23,2022-06-25,29,1.228782,38.2939901,13.1621427,5.8027046,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,hrr,2022-03-23,2022-06-25,6,5.1511558,38.1739966,19.0566856,7.2089264,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,msa,2022-03-23,2022-06-25,12,4.4223221,39.6244108,19.3188187,7.4262661,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,nation,2022-03-23,2022-06-25,1,11.4276249,19.8289807,14.0256832,1.5397895,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_mask_teachers,day,state,2022-03-23,2022-06-25,27,1.3843993,32.1496148,12.6574352,5.0061394,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,county,2022-03-23,2022-06-25,29,10.4578801,39.1301004,21.0105746,4.5784687,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,hrr,2022-03-23,2022-06-25,6,11.2655108,39.2283632,24.4545959,6.0673884,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,msa,2022-03-23,2022-06-25,12,12.4687243,42.9938223,24.419085,5.5618539,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,nation,2022-03-23,2022-06-25,1,18.3950047,23.6094333,20.5440867,1.1779469,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_restricted_entry,day,state,2022-03-23,2022-06-25,27,9.5155687,35.3097486,20.3540025,4.3407556,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,county,2022-03-23,2022-06-25,29,0.3496503,18.7391316,6.5175328,2.9681061,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,hrr,2022-03-23,2022-06-25,6,0.3968254,18.4611355,8.6334126,3.6225415,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,msa,2022-03-23,2022-06-25,12,0.4672897,18.7159686,7.731947,3.4332047,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,nation,2022-03-23,2022-06-25,1,5.8476423,8.5740363,6.9687148,0.6117469,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_separators,day,state,2022-03-23,2022-06-25,27,0.3496503,17.3998852,6.4339628,2.8856922,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,county,2022-03-23,2022-06-25,29,3.2512155,37.2665279,14.1005203,4.8357845,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,hrr,2022-03-23,2022-06-25,6,6.5572472,37.1386858,19.0536982,7.6494873,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,msa,2022-03-23,2022-06-25,12,4.8470003,33.3515741,17.8680872,5.5600066,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,nation,2022-03-23,2022-06-25,1,12.8092676,16.1207283,14.073123,0.581377,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_symptom_screen,day,state,2022-03-23,2022-06-25,27,2.7491579,26.1327559,13.3922934,3.9544068,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,county,2022-03-23,2022-06-25,29,2.4780953,47.0116745,14.8058885,8.0032941,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,hrr,2022-03-23,2022-06-25,6,6.1613255,46.8444885,24.4020283,11.4283726,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,msa,2022-03-23,2022-06-25,12,3.0939421,45.0511922,22.6819785,8.9627043,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,nation,2022-03-23,2022-06-25,1,14.0882184,16.3623251,15.0465363,0.5996496,2022-07-01 15:00:25,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_staff,day,state,2022-03-23,2022-06-25,27,2.3547242,37.4345037,13.7771869,6.6984916,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,county,2022-03-23,2022-06-25,29,0.3521134,47.0511973,12.0702587,9.866215,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,hrr,2022-03-23,2022-06-25,6,2.428791,46.9907192,23.8838873,14.6436112,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,msa,2022-03-23,2022-06-25,12,2.5404529,52.0782552,21.3889238,11.1998854,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,nation,2022-03-23,2022-06-25,1,11.0994666,13.1081802,12.0185986,0.4101426,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_testing_students,day,state,2022-03-23,2022-06-25,27,0.3521134,45.0926879,10.7563046,8.3334736,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,county,2022-03-23,2022-06-25,29,4.529086,50.540819,20.9694996,9.4620048,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,hrr,2022-03-23,2022-06-25,6,6.2176082,54.1104369,26.1798343,11.3419667,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,msa,2022-03-23,2022-06-25,12,5.6521795,52.660388,30.013978,10.1944298,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,nation,2022-03-23,2022-06-25,1,18.9235679,21.0356194,19.9508936,0.5050056,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_staff,day,state,2022-03-23,2022-06-25,27,5.2647188,50.4315379,20.0380724,9.0519071,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,county,2022-03-23,2022-06-25,29,0.390625,31.9492096,7.8092787,4.9283717,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,hrr,2022-03-23,2022-06-25,6,2.4477441,31.8611345,14.0068442,7.6232104,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,msa,2022-03-23,2022-06-25,12,0.436951,35.299099,13.7987543,6.580221,2022-07-01 15:00:20,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,nation,2022-03-23,2022-06-25,1,7.0598013,8.8774326,8.1040837,0.4049425,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_vaccine_students,day,state,2022-03-23,2022-06-25,27,0.390625,23.8955847,7.2306946,3.9042488,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,county,2022-03-23,2022-06-25,29,4.6931308,37.6143806,19.1798116,6.0969677,2022-07-01 14:59:54,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,hrr,2022-03-23,2022-06-25,6,4.58531,44.0332088,22.2788326,8.4592721,2022-07-01 15:00:08,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,msa,2022-03-23,2022-06-25,12,4.8489897,46.5430952,24.9350794,7.8934083,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,nation,2022-03-23,2022-06-25,1,16.8396074,19.2260221,17.8687456,0.5616362,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wschool_safety_measures_ventilation,day,state,2022-03-23,2022-06-25,27,4.3250788,38.2284319,18.3520717,5.9829859,2022-07-01 15:00:32,20220701,5,14 -fb-survey,smoothed_wscreening_tested_positive_14d,day,county,2021-03-19,2022-02-16,61,0.117647,28.2753529,2.9988843,2.6672,2022-02-21 13:52:12,20220221,1,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,hrr,2021-03-19,2022-02-03,59,0.1557632,22.5495241,3.0735439,2.7099545,2022-02-08 15:21:17,20220208,4,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,msa,2021-03-19,2022-02-12,36,0.1706702,21.7683199,2.764366,2.4859197,2022-02-17 15:54:36,20220217,4,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,nation,2021-03-19,2022-02-18,1,1.0612093,8.6280918,2.5831262,1.8521182,2022-02-23 13:53:54,20220223,4,63 -fb-survey,smoothed_wscreening_tested_positive_14d,day,state,2021-03-19,2022-02-16,41,0.117647,31.1396883,3.0390157,2.7965707,2022-02-21 13:54:28,20220221,4,63 -fb-survey,smoothed_wshop_1d,day,county,2020-09-08,2021-03-15,831,32.3631709,83.593709,56.6732884,6.0503961,2021-03-20 11:51:32,20210320,0,92 -fb-survey,smoothed_wshop_1d,day,hrr,2020-09-08,2021-03-11,306,37.7745162,83.9520084,57.2549396,5.3051061,2021-03-17 18:58:03,20210317,2,92 -fb-survey,smoothed_wshop_1d,day,msa,2020-09-08,2021-03-14,370,32.3664033,83.593709,57.2372895,5.8496833,2021-03-19 11:51:46,20210319,1,92 -fb-survey,smoothed_wshop_1d,day,nation,2020-09-08,2021-03-18,1,49.5642982,62.3377783,57.0468354,3.6938224,2021-03-23 11:53:44,20210323,2,98 -fb-survey,smoothed_wshop_1d,day,state,2020-09-08,2021-03-15,51,40.2458578,71.7285319,57.0378721,4.4592075,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wshop_indoors_1d,day,county,2021-03-02,2022-06-25,670,34.9047575,89.0853989,64.2569501,6.4550715,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wshop_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,36.2791895,88.1728883,64.973174,5.7661429,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wshop_indoors_1d,day,msa,2021-03-02,2022-06-25,349,36.2735397,87.2787906,64.7073857,6.074117,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wshop_indoors_1d,day,nation,2021-03-02,2022-06-25,1,53.6683064,69.4763318,64.3928201,3.9279933,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wshop_indoors_1d,day,state,2021-03-02,2022-06-25,51,37.9814935,79.8528081,65.1526125,4.8227782,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wspent_time_1d,day,county,2020-09-08,2021-03-15,831,11.4219734,66.8810674,36.8481763,7.6077021,2021-03-20 11:51:33,20210320,0,92 -fb-survey,smoothed_wspent_time_1d,day,hrr,2020-09-08,2021-03-11,306,15.2777906,73.708705,37.8060501,7.3123019,2021-03-17 18:58:04,20210317,2,92 -fb-survey,smoothed_wspent_time_1d,day,msa,2020-09-08,2021-03-14,370,12.8494288,74.9962,37.7491217,7.3672668,2021-03-19 11:51:47,20210319,1,92 -fb-survey,smoothed_wspent_time_1d,day,nation,2020-09-08,2021-03-18,1,28.078896,45.9083997,36.6718824,5.1925318,2021-03-23 11:53:44,20210323,2,98 -fb-survey,smoothed_wspent_time_1d,day,state,2020-09-08,2021-03-15,51,20.5182852,65.4399817,37.6938355,6.6487286,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wspent_time_indoors_1d,day,county,2021-03-02,2022-06-25,670,12.1115306,74.6898276,44.8739983,7.5260073,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,14.7624462,77.201618,46.0249884,7.1290718,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,msa,2021-03-02,2022-06-25,349,12.1115306,73.6403445,45.6331196,7.1447526,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,nation,2021-03-02,2022-06-25,1,33.7822735,52.2408293,44.8759535,4.3265467,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wspent_time_indoors_1d,day,state,2021-03-02,2022-06-25,51,20.7577586,66.1495664,46.6903866,6.230148,2022-07-01 15:00:32,20220701,4,63 -fb-survey,smoothed_wtested_14d,day,county,2020-09-08,2022-06-25,802,0.3763116,63.3583378,13.9328752,7.4547174,2022-07-01 14:59:54,20220701,0,92 -fb-survey,smoothed_wtested_14d,day,hrr,2020-09-08,2022-06-25,306,0.3759398,56.8514457,13.8810175,7.0420457,2022-07-01 15:00:09,20220701,4,92 -fb-survey,smoothed_wtested_14d,day,msa,2020-09-08,2022-06-25,366,0.4910279,55.3470515,13.5870645,7.0246739,2022-07-01 15:00:21,20220701,4,92 -fb-survey,smoothed_wtested_14d,day,nation,2020-09-08,2022-06-25,1,7.4292251,32.4234431,14.4200121,5.6985117,2022-07-01 15:00:26,20220701,4,98 -fb-survey,smoothed_wtested_14d,day,state,2020-09-08,2022-06-25,51,2.4975969,56.8603215,14.2921669,6.9783886,2022-07-01 15:00:32,20220701,4,92 -fb-survey,smoothed_wtested_positive_14d,day,county,2020-09-08,2022-06-25,225,0.3448276,59.5986145,16.778296,9.799182,2022-07-01 14:59:54,20220701,1,92 -fb-survey,smoothed_wtested_positive_14d,day,hrr,2020-09-09,2022-06-25,225,0.3289474,65.2596539,17.8414576,10.4887299,2022-07-01 15:00:09,20220701,2,90 -fb-survey,smoothed_wtested_positive_14d,day,msa,2020-09-08,2022-06-25,138,0.3747481,62.8399023,17.2123455,10.3243834,2022-07-01 15:00:21,20220701,2,91 -fb-survey,smoothed_wtested_positive_14d,day,nation,2020-09-08,2022-06-25,1,4.866296,33.6232041,14.4398464,6.7510709,2022-07-01 15:00:26,20220701,4,98 -fb-survey,smoothed_wtested_positive_14d,day,state,2020-09-08,2022-06-25,51,0.3448276,56.2407392,16.170171,9.1744281,2022-07-01 15:00:32,20220701,4,92 -fb-survey,smoothed_wtravel_outside_state_5d,day,county,2020-04-06,2021-03-15,1422,0.1025095,64.2806489,10.0257477,7.3957277,2021-03-20 11:51:33,20210320,0,247 -fb-survey,smoothed_wtravel_outside_state_5d,day,hrr,2020-04-06,2021-03-11,306,0.0947719,60.4068071,9.6768065,6.2837987,2021-03-17 18:58:04,20210317,1,247 -fb-survey,smoothed_wtravel_outside_state_5d,day,msa,2020-04-06,2021-03-14,381,0.1025095,59.3672059,9.4746487,6.8946317,2021-03-19 11:51:47,20210319,1,247 -fb-survey,smoothed_wtravel_outside_state_5d,day,nation,2020-04-06,2021-03-18,1,3.3773044,12.1462511,8.7849591,2.2060552,2021-03-23 11:53:45,20210323,5,253 -fb-survey,smoothed_wtravel_outside_state_5d,day,state,2020-04-06,2021-03-15,52,0.5082227,34.831101,11.1475629,5.6036074,2021-03-20 11:52:14,20210320,5,247 -fb-survey,smoothed_wtravel_outside_state_7d,day,county,2021-03-02,2022-02-18,660,0.290026,62.5827664,14.6023051,7.7177183,2022-02-23 13:52:11,20220223,1,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,hrr,2021-03-02,2022-02-17,306,0.3267974,54.4929375,14.6547479,7.3109698,2022-02-22 13:54:19,20220222,4,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,msa,2021-03-02,2022-02-18,347,0.290026,58.571549,13.9827795,7.4833647,2022-02-23 13:53:42,20220223,4,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,nation,2021-03-02,2022-02-20,1,9.1274506,17.4480578,13.661823,2.0919633,2022-02-25 13:53:28,20220225,4,63 -fb-survey,smoothed_wtravel_outside_state_7d,day,state,2021-03-02,2022-02-18,51,2.2033812,44.9972394,16.9371366,6.749975,2022-02-23 13:54:11,20220223,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,county,2021-05-20,2022-06-25,350,22.6495979,85.4382659,55.5010384,8.2242305,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,hrr,2021-05-20,2022-06-25,288,20.6855613,82.9676586,52.5705567,7.9609733,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,msa,2021-05-20,2022-06-25,214,24.2655111,81.1954238,54.3750319,7.5021275,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,nation,2021-05-20,2022-06-25,1,47.3425245,57.6821686,52.948235,3.4004495,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_cdc,day,state,2021-05-20,2022-06-25,51,27.744328,85.4382659,52.4494803,6.7902807,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,county,2021-05-20,2022-06-25,349,36.8559842,90.8331209,67.6003166,6.8932108,2022-07-01 14:59:54,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,hrr,2021-05-20,2022-06-25,288,36.2539364,89.5014574,65.1365806,6.6182919,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,msa,2021-05-20,2022-06-25,213,37.6877346,89.9602271,66.8492483,6.222334,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,nation,2021-05-20,2022-06-25,1,62.2506491,68.8010739,65.42416,1.6821282,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_doctors,day,state,2021-05-20,2022-06-25,51,37.9991137,87.6406193,65.1384811,5.1848908,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,county,2021-05-20,2022-06-25,348,30.9067951,91.508129,61.7021582,8.8957006,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,hrr,2021-05-20,2022-06-25,287,23.9494261,86.6846909,58.1129887,8.742203,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,msa,2021-05-20,2022-06-25,212,27.9714933,91.508129,60.3315044,8.0117511,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,nation,2021-05-20,2022-06-25,1,55.187706,62.9952121,58.7259869,2.2616361,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_experts,day,state,2021-05-20,2022-06-25,51,32.4180554,87.9142544,58.0295043,7.3783931,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,county,2021-05-20,2022-06-25,345,4.9057594,43.4105187,18.0295893,3.8402219,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,hrr,2021-05-20,2022-06-25,287,4.6162291,44.3604732,18.2844786,3.7423117,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,msa,2021-05-20,2022-06-25,211,4.6372256,42.2619661,17.8326197,3.6915923,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,nation,2021-05-20,2022-06-25,1,16.6245613,19.6764956,18.2025438,0.6308334,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_friends,day,state,2021-05-20,2022-06-25,51,6.0138198,35.7792439,18.1203862,2.3954019,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,county,2021-05-20,2022-06-25,348,8.6647269,68.3620411,33.6942824,7.3276318,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,hrr,2021-05-20,2022-06-25,288,8.9231854,61.333348,31.2956907,6.9490175,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,msa,2021-05-20,2022-06-25,213,11.0023076,59.2091526,32.4187831,6.5352786,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,nation,2021-05-20,2022-06-25,1,28.3081996,35.4196602,31.6259908,1.9119801,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_govt_health,day,state,2021-05-20,2022-06-25,51,11.7605196,68.3620411,31.0462511,5.7161089,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,county,2021-05-20,2022-06-25,345,0.6957297,33.9004175,9.721735,3.87921,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,hrr,2021-05-20,2022-06-25,287,0.3424658,29.6115975,8.7672862,3.493312,2022-07-01 15:00:09,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,msa,2021-05-20,2022-06-25,212,0.406509,36.5541155,9.0514644,3.2005543,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,nation,2021-05-20,2022-06-25,1,7.7205923,11.5555948,9.0302323,0.8442416,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_journalists,day,state,2021-05-20,2022-06-25,51,0.9296127,28.9925589,8.4776046,2.6005524,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,county,2021-05-20,2022-06-25,345,0.1285179,25.133828,3.4229071,2.1220533,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,hrr,2021-05-20,2022-06-25,288,0.1213592,22.941208,3.1654847,1.9189255,2022-07-01 15:00:10,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,msa,2021-05-20,2022-06-25,211,0.1471368,23.2360265,3.1751285,1.7801704,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,nation,2021-05-20,2022-06-25,1,2.6281955,3.8097965,3.1340104,0.2087369,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_politicians,day,state,2021-05-20,2022-06-25,51,0.1285179,9.812652,2.7736422,1.1163698,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,county,2021-05-20,2022-06-25,343,0.4634844,51.146941,9.318464,3.6718639,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,hrr,2021-05-20,2022-06-25,286,0.4854369,48.6295919,9.6086689,3.5613675,2022-07-01 15:00:10,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,msa,2021-05-20,2022-06-25,210,0.6917332,51.146941,9.4456445,3.720163,2022-07-01 15:00:21,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,nation,2021-05-20,2022-06-25,1,8.7001281,10.4743297,9.413867,0.2989216,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtrust_covid_info_religious,day,state,2021-05-20,2022-06-25,51,0.9474511,29.524042,9.4118683,2.9326646,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,county,2021-06-04,2022-06-25,43,0.3649457,27.517894,7.3383687,3.2996912,2022-07-01 14:59:55,20220701,1,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,hrr,2021-06-06,2022-02-24,36,1.0980222,28.695644,9.941667,4.0224087,2022-03-01 15:36:36,20220301,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,msa,2021-06-04,2022-05-24,20,1.3943083,29.8587031,10.4297743,3.9962442,2022-05-29 12:54:03,20220529,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,nation,2021-06-04,2022-06-25,1,2.4922653,11.0669965,6.5239976,2.5614274,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wtry_vaccinate_1m,day,state,2021-06-04,2022-06-25,39,0.3649457,27.8956431,7.2276934,3.4294288,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccinate_child_oldest,day,county,2021-12-19,2022-06-25,82,37.6257246,95.1287381,67.246269,9.7320306,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,hrr,2021-12-21,2022-06-25,112,37.5216189,96.9068412,70.5590915,9.9435586,2022-07-01 15:00:10,20220701,4,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,msa,2021-12-20,2022-06-25,67,43.2492541,96.2256746,73.5593107,8.5925447,2022-07-01 15:00:21,20220701,4,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,nation,2021-12-19,2022-06-25,1,62.5229926,71.6485286,65.9552078,2.6092141,2022-07-01 15:00:26,20220701,4,14 -fb-survey,smoothed_wvaccinate_child_oldest,day,state,2021-12-19,2022-06-25,44,38.3963014,87.3220823,64.287366,9.3009684,2022-07-01 15:00:33,20220701,4,14 -fb-survey,smoothed_wvaccinate_children,day,county,2021-06-04,2021-12-24,170,35.0426347,98.4057634,72.6015575,10.1298274,2022-02-02 20:52:19,20220202,1,63 -fb-survey,smoothed_wvaccinate_children,day,hrr,2021-06-04,2021-12-23,207,34.2052529,98.3285548,70.1119193,10.7300619,2022-02-02 20:53:29,20220202,4,63 -fb-survey,smoothed_wvaccinate_children,day,msa,2021-06-04,2021-12-24,121,39.7892496,95.4593873,73.3538732,8.6301775,2022-02-02 20:54:23,20220202,4,63 -fb-survey,smoothed_wvaccinate_children,day,nation,2021-06-04,2021-12-25,1,60.5121525,73.6457036,69.6122622,2.7523783,2022-02-02 20:54:44,20220202,4,63 -fb-survey,smoothed_wvaccinate_children,day,state,2021-06-04,2021-12-24,50,33.5273513,91.3586063,66.9824793,8.4881129,2022-02-02 20:55:05,20220202,4,63 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,county,2022-03-04,2022-06-25,353,46.133045,96.835666,75.359958,7.585892,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,hrr,2022-03-04,2022-06-25,272,43.6384856,96.5360784,73.405462,7.623695,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,msa,2022-03-04,2022-06-25,207,44.891811,95.9264046,73.813278,7.5274635,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,nation,2022-03-04,2022-06-25,1,71.2777479,74.6998229,73.6999915,0.8236061,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_at_least_one_booster,day,state,2022-03-04,2022-06-25,51,51.5140127,94.8246402,73.6568817,6.7960911,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,county,2022-03-04,2022-06-25,62,29.2747741,79.7939582,50.1548802,6.6397371,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,hrr,2022-03-04,2022-06-25,90,25.049317,76.9790073,50.6172602,7.492241,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,msa,2022-03-04,2022-06-25,49,31.1139235,73.6478834,51.6267811,6.9772261,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,nation,2022-03-04,2022-06-25,1,45.9806262,56.9886779,50.2928295,2.8114233,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_accept,day,state,2022-03-04,2022-06-25,42,30.3827164,72.126006,49.128634,5.4941582,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,county,2022-03-04,2022-06-25,62,3.2865244,36.8006659,20.418173,4.2194252,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,hrr,2022-03-04,2022-06-25,90,6.2206474,45.7196734,19.8356633,5.2606611,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,msa,2022-03-04,2022-06-25,49,6.0459919,37.7119037,19.0477152,4.7363173,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,nation,2022-03-04,2022-06-25,1,17.4030734,22.4568511,20.2766155,1.1939182,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defno,day,state,2022-03-04,2022-06-25,42,8.6868137,35.9098266,20.9479709,3.6474657,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,county,2022-03-04,2022-06-25,62,8.8186225,49.853294,24.7455808,5.407431,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,hrr,2022-03-04,2022-06-25,90,8.0850205,51.3225204,24.7935443,6.3893824,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,msa,2022-03-04,2022-06-25,49,8.3866882,46.7955311,25.4305273,6.1391777,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,nation,2022-03-04,2022-06-25,1,21.2551081,31.2160819,24.7052226,2.6905232,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_defyes,day,state,2022-03-04,2022-06-25,42,10.8113603,44.4751591,23.7726845,4.5627642,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,county,2022-03-04,2022-06-25,62,20.2060418,70.7252259,49.8451198,6.6397371,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,hrr,2022-03-04,2022-06-25,90,23.0209927,74.950683,49.3827398,7.492241,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,msa,2022-03-04,2022-06-25,49,26.3521166,68.8860765,48.3732189,6.9772261,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,nation,2022-03-04,2022-06-25,1,43.0113221,54.0193738,49.7071705,2.8114233,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_hesitant,day,state,2022-03-04,2022-06-25,42,27.873994,69.6172836,50.871366,5.4941582,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,county,2022-03-04,2022-06-25,62,9.8665988,46.595266,29.4269467,4.6042106,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,hrr,2022-03-04,2022-06-25,90,11.628747,56.1431652,29.5470765,5.9081981,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,msa,2022-03-04,2022-06-25,49,11.2907557,53.2928713,29.3255037,5.4640157,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,nation,2022-03-04,2022-06-25,1,25.5488055,32.2167816,29.4305551,1.7496284,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probno,day,state,2022-03-04,2022-06-25,42,13.9552477,47.8379066,29.9233952,4.2468371,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,county,2022-03-04,2022-06-25,62,11.4367827,42.6003795,25.4092995,3.9221453,2022-07-01 14:59:55,20220701,3,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,hrr,2022-03-04,2022-06-25,90,6.9382613,46.5065602,25.8237158,5.1884215,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,msa,2022-03-04,2022-06-25,49,12.0615833,47.2634639,26.1962538,4.8434358,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,nation,2022-03-04,2022-06-25,1,24.4751691,26.5156026,25.5876069,0.4498236,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_booster_probyes,day,state,2022-03-04,2022-06-25,42,11.532786,43.9133009,25.3559495,3.6500812,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,county,2022-03-04,2022-06-25,353,3.0120474,53.6224405,24.0267817,7.5202091,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinated_no_booster,day,hrr,2022-03-04,2022-06-25,272,2.7297017,56.1234192,25.9755761,7.5217103,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,msa,2022-03-04,2022-06-25,207,3.6818883,53.1638971,25.5700454,7.4396881,2022-07-01 15:00:21,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,nation,2022-03-04,2022-06-25,1,24.811472,28.1608077,25.7613341,0.8321316,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_no_booster,day,state,2022-03-04,2022-06-25,51,5.035695,48.1681191,25.8220567,6.7232808,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,county,2022-03-04,2022-06-25,353,31.381418,92.8119093,62.4012237,9.2879995,2022-07-01 14:59:55,20220701,2,14 -fb-survey,smoothed_wvaccinated_one_booster,day,hrr,2022-03-04,2022-06-25,272,33.0340812,93.3311848,60.7965684,9.144306,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,msa,2022-03-04,2022-06-25,207,28.3789418,93.3929656,61.2316967,9.2055451,2022-07-01 15:00:22,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,nation,2022-03-04,2022-06-25,1,53.1616307,70.0563215,61.5406393,6.0402684,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_one_booster,day,state,2022-03-04,2022-06-25,51,39.959379,88.6524077,61.3624476,8.2807859,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,county,2022-03-04,2022-06-25,353,0.1142348,43.5541358,12.9587343,8.0412406,2022-07-01 14:59:56,20220701,2,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,hrr,2022-03-04,2022-06-25,272,0.1136364,43.7144432,12.6088936,7.9672583,2022-07-01 15:00:10,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,msa,2022-03-04,2022-06-25,207,0.1095436,43.0383685,12.5815814,7.8687626,2022-07-01 15:00:22,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,nation,2022-03-04,2022-06-25,1,2.5678236,21.1256296,12.1593521,6.7502001,2022-07-01 15:00:26,20220701,5,14 -fb-survey,smoothed_wvaccinated_two_or_more_boosters,day,state,2022-03-04,2022-06-25,51,0.2568801,32.2306269,12.2944342,7.4334297,2022-07-01 15:00:33,20220701,5,14 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,county,2021-12-19,2022-02-18,506,0.1396784,20.1792529,3.2208297,1.9897014,2022-02-23 13:52:14,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,hrr,2021-12-19,2022-02-17,304,0.1077586,19.7726197,2.7732248,1.6623896,2022-02-22 13:54:22,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,msa,2021-12-19,2022-02-18,284,0.1276449,20.1792529,2.8517195,1.7484735,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,nation,2021-12-19,2022-02-19,1,2.8171479,5.7755266,3.0857526,0.3527399,2022-02-24 13:53:47,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location,day,state,2021-12-19,2022-02-18,51,0.1396784,14.0049506,2.839473,1.329525,2022-02-23 13:54:12,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,county,2021-12-19,2022-02-18,501,0.1368611,20.8164467,3.1209518,1.9730592,2022-02-23 13:52:14,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,hrr,2021-12-19,2022-02-17,304,0.1094092,19.8981142,2.6727632,1.6457543,2022-02-22 13:54:22,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,msa,2021-12-19,2022-02-18,282,0.1292935,20.8164467,2.7487646,1.7233356,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,nation,2021-12-19,2022-02-19,1,2.6927536,5.7570677,2.9773038,0.3662107,2022-02-24 13:53:47,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_has,day,state,2021-12-19,2022-02-18,51,0.1420593,13.3877001,2.7151875,1.3102868,2022-02-23 13:54:12,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,county,2021-12-24,2022-06-25,8,1.4449069,20.606332,8.78652,3.1686828,2022-07-01 14:59:56,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,nation,2021-12-19,2022-06-25,1,4.9941541,13.2906121,9.1452968,1.5517786,2022-07-01 15:00:26,20220701,4,14 -fb-survey,smoothed_wvaccine_barrier_appointment_location_tried,day,state,2021-12-24,2022-06-25,8,1.6741467,29.632304,9.12969,3.8835692,2022-07-01 15:00:33,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,county,2021-06-04,2022-02-18,552,0.0629662,32.3603468,2.4659103,1.7102453,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,hrr,2021-06-04,2022-02-17,305,0.0538213,25.7268723,2.2578277,1.483084,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,msa,2021-06-04,2022-02-18,313,0.0909755,32.3603468,2.3221899,1.5851299,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,nation,2021-06-04,2022-02-19,1,1.7255233,3.8938781,2.3404011,0.7122971,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time,day,state,2021-06-04,2022-02-18,51,0.1303795,14.7215464,2.2522092,1.1518998,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,county,2021-07-30,2022-02-18,543,0.063461,32.3883137,2.3619416,1.7391972,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0542888,25.9389366,2.1277943,1.5165581,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,msa,2021-07-30,2022-02-18,309,0.0865529,32.3883137,2.2009056,1.6100801,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,nation,2021-07-30,2022-02-19,1,1.4923208,3.7645724,2.2477716,0.7978303,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_has,day,state,2021-07-30,2022-02-18,51,0.1216544,15.0111974,2.1501842,1.232602,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,county,2021-08-03,2022-06-25,12,2.0712595,24.3542163,13.1386287,3.951907,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,msa,2021-08-08,2021-09-19,1,8.2144079,16.0048402,11.69826,1.9002614,2021-09-24 16:04:09,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,nation,2021-07-30,2022-06-25,1,7.0689796,17.8766616,13.4631415,2.0410688,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_appointment_time_tried,day,state,2021-08-03,2022-06-25,12,1.9790366,30.2193085,14.5314706,4.8962466,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,county,2021-06-04,2022-02-18,552,0.0465116,16.9323439,0.8958716,0.7672054,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,hrr,2021-06-04,2022-02-17,305,0.0316456,14.4194686,0.8440471,0.7132917,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,msa,2021-06-04,2022-02-18,313,0.0236636,13.7535555,0.8882412,0.7634993,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,nation,2021-06-04,2022-02-19,1,0.5569101,1.1986484,0.681571,0.076277,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare,day,state,2021-06-04,2022-02-18,51,0.0457952,6.0295964,0.7440923,0.4194647,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,county,2021-07-30,2022-02-18,543,0.04455,14.5753526,0.8392822,0.726589,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,hrr,2021-07-30,2022-02-17,305,0.0320307,14.5170739,0.7777809,0.6713019,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,msa,2021-07-30,2022-02-18,309,0.0240045,13.9840064,0.8271551,0.7184784,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,nation,2021-07-30,2022-02-19,1,0.4827674,1.1949633,0.6212798,0.091243,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare_has,day,state,2021-07-30,2022-02-18,51,0.0362533,6.0753603,0.6838535,0.4166271,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,11.4703324,4.3712154,2.074303,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,msa,2021-08-08,2021-09-19,1,0.9789895,7.5745508,3.9710005,1.540267,2021-09-24 16:04:10,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,nation,2021-07-30,2022-06-25,1,2.2513431,7.3157003,4.4170842,0.8420327,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_childcare_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,12.7821809,4.5165148,2.2910833,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_document,day,county,2021-06-04,2022-02-18,552,0.0178514,19.7485214,0.552355,0.6206412,2022-02-23 13:52:14,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_document,day,hrr,2021-06-04,2022-02-17,305,0.0183352,25.8187009,0.508366,0.6297092,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_document,day,msa,2021-06-04,2022-02-18,313,0.0180863,16.4950985,0.5321216,0.5950901,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document,day,nation,2021-06-04,2022-02-19,1,0.208607,0.627881,0.3342486,0.0579294,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_document,day,state,2021-06-04,2022-02-18,51,0.0147893,6.5213812,0.3833704,0.3193122,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,county,2021-07-30,2022-02-18,543,0.0181605,19.8383486,0.5020033,0.570843,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,hrr,2021-07-30,2022-02-17,305,0.0186916,25.9753461,0.4484964,0.5708816,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,msa,2021-07-30,2022-02-18,309,0.0183419,17.0910092,0.4819804,0.5479063,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,nation,2021-07-30,2022-02-19,1,0.1559025,0.5295183,0.2764832,0.0603942,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_document_has,day,state,2021-07-30,2022-02-18,51,0.013113,6.6762876,0.3273424,0.2881539,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,county,2021-08-03,2022-06-25,12,0.4237285,11.85878,3.9414083,1.9582121,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,msa,2021-08-08,2021-09-19,1,2.7847433,10.4011447,5.6250518,2.2718469,2021-09-24 16:04:11,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,nation,2021-07-30,2022-06-25,1,2.2265093,7.8427578,4.6477354,1.1517088,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_document_tried,day,state,2021-08-03,2022-06-25,12,0.4237285,15.3193387,4.2963447,2.4301741,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,county,2021-06-04,2022-02-18,552,0.1179131,36.734027,3.680584,1.9972151,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,hrr,2021-06-04,2022-02-17,305,0.1052632,28.8843355,3.3785227,1.7028477,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,msa,2021-06-04,2022-02-18,313,0.1766665,36.734027,3.5048235,1.8529995,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,nation,2021-06-04,2022-02-19,1,2.7080648,4.9855649,3.4403874,0.6007298,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible,day,state,2021-06-04,2022-02-18,51,0.2830729,13.6930825,3.3960105,1.3698381,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,county,2021-07-30,2022-02-18,543,0.1169665,36.7657801,3.388176,1.8522789,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,hrr,2021-07-30,2022-02-17,305,0.1066098,29.1224822,3.0686816,1.5477744,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,msa,2021-07-30,2022-02-18,309,0.1767617,36.7657801,3.2230389,1.7212773,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,nation,2021-07-30,2022-02-19,1,2.6252236,3.8407397,3.1243032,0.323394,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible_has,day,state,2021-07-30,2022-02-18,51,0.2851942,13.9163968,3.0873031,1.2312581,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,county,2021-08-03,2022-06-25,12,0.9794867,14.6336833,6.0873354,2.4042569,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,msa,2021-08-08,2021-09-19,1,1.1288761,9.5668263,4.8873471,1.9469161,2021-09-24 16:04:12,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,nation,2021-07-30,2022-06-25,1,3.8528302,10.2859277,6.2790968,1.0264956,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_eligible_tried,day,state,2021-08-03,2022-06-25,12,0.8811381,20.3812088,6.087005,2.63267,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_language,day,county,2021-06-04,2022-02-18,552,0.0166008,14.1221281,0.48836,0.5644643,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_language,day,hrr,2021-06-04,2022-02-17,305,0.0268528,15.4342835,0.4296572,0.5289111,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_language,day,msa,2021-06-04,2022-02-18,313,0.0179064,8.3301187,0.4473213,0.5027188,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language,day,nation,2021-06-04,2022-02-19,1,0.0814332,0.3922631,0.2814056,0.035964,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_language,day,state,2021-06-04,2022-02-18,51,0.0127584,5.6164889,0.3165568,0.2941396,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,county,2021-07-30,2022-02-18,543,0.016884,14.288714,0.447745,0.5125596,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,hrr,2021-07-30,2022-02-17,305,0.0224618,15.6334649,0.3850871,0.479867,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,msa,2021-07-30,2022-02-18,309,0.0181005,8.3301187,0.4122168,0.4589429,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,nation,2021-07-30,2022-02-19,1,0.0830565,0.3097386,0.2348977,0.0300744,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_language_has,day,state,2021-07-30,2022-02-18,51,0.0081486,5.7494798,0.2736717,0.2636157,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,county,2021-08-03,2022-06-25,12,0.3205128,10.1171665,2.7659787,1.7109574,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,msa,2021-08-08,2021-09-19,1,0.4195391,9.5537927,3.8309058,2.9792101,2021-09-24 16:04:12,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,nation,2021-07-30,2022-06-25,1,1.6485532,5.7059461,3.0869858,0.833593,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_language_tried,day,state,2021-08-03,2022-06-25,12,0.3205128,13.2329343,3.0611519,2.1534714,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,county,2021-06-04,2022-02-18,552,0.1180216,30.4617835,7.7823644,4.2953279,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,hrr,2021-06-04,2022-02-17,305,0.1265823,27.0014216,6.7779549,3.7588294,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,msa,2021-06-04,2022-02-18,313,0.1992383,27.803462,6.8719989,3.7469057,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,nation,2021-06-04,2022-02-19,1,5.4068966,11.0512806,7.5118035,1.1412012,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments,day,state,2021-06-04,2022-02-18,51,0.0926338,23.4366526,6.5761302,3.2298488,2022-02-23 13:54:12,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,county,2021-07-30,2022-02-18,543,0.1194311,28.9687713,7.2995005,4.0981119,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,hrr,2021-07-30,2022-02-17,305,0.1282051,27.4952787,6.2647274,3.5634585,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,msa,2021-07-30,2022-02-18,309,0.2016488,28.0281367,6.4122329,3.5884694,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,nation,2021-07-30,2022-02-19,1,5.333192,10.8809501,7.0258806,0.8894436,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_has,day,state,2021-07-30,2022-02-18,51,0.0935,21.6095508,6.1558694,3.1155155,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,county,2021-08-03,2022-06-25,12,2.5492191,21.5293493,11.1662291,3.4893272,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,msa,2021-08-08,2021-09-19,1,5.2613486,19.9971561,10.824622,4.581742,2021-09-24 16:04:13,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,nation,2021-07-30,2022-06-25,1,7.8697296,15.3448766,11.2229496,1.6463375,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_no_appointments_tried,day,state,2021-08-03,2022-06-25,12,3.1106437,28.8098237,11.9527517,4.38488,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_none,day,county,2021-06-04,2022-02-18,552,58.1900273,99.1115499,84.1196329,5.2995871,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_none,day,hrr,2021-06-04,2022-02-17,305,62.0709269,98.3000667,85.2533436,4.651193,2022-02-22 13:54:22,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_none,day,msa,2021-06-04,2022-02-18,313,58.2960207,98.9508306,85.0447531,4.8248596,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none,day,nation,2021-06-04,2022-02-19,1,80.6380315,87.2818256,84.2852898,1.7237881,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_none,day,state,2021-06-04,2022-02-18,51,59.9273287,95.5805596,85.2030635,4.0804081,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,county,2021-07-30,2022-02-18,543,58.2599651,99.105911,85.0895248,5.207385,2022-02-23 13:52:15,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,hrr,2021-07-30,2022-02-17,305,61.7580657,99.0300959,86.3131332,4.5536799,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,msa,2021-07-30,2022-02-18,309,57.9579139,98.9335049,86.0281824,4.747257,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,nation,2021-07-30,2022-02-19,1,81.2969291,87.7833111,85.2995759,1.543291,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_none_has,day,state,2021-07-30,2022-02-18,51,60.1125833,95.6654001,86.1269607,4.0745326,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,county,2021-08-03,2022-06-25,12,31.4636821,72.3230179,52.9248939,7.7946501,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,msa,2021-08-08,2021-09-19,1,44.2596509,63.9060506,56.2247273,4.8382391,2021-09-24 16:04:14,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,nation,2021-07-30,2022-06-25,1,37.2301432,58.5303261,50.3685058,5.0069772,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_none_tried,day,state,2021-08-03,2022-06-25,12,25.9870695,71.1050487,49.9754208,8.3323105,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_other,day,county,2021-12-19,2022-02-18,506,0.113486,12.4156906,1.6614467,1.1101406,2022-02-23 13:52:15,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,hrr,2021-12-19,2022-02-17,304,0.0948767,9.69687,1.6032582,0.9613608,2022-02-22 13:54:23,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,msa,2021-12-19,2022-02-18,284,0.1220974,10.2453058,1.6104175,1.0271235,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,nation,2021-12-19,2022-02-19,1,0.9538453,1.5546633,1.3896133,0.1318108,2022-02-24 13:53:48,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_other,day,state,2021-12-19,2022-02-18,51,0.1141552,6.636503,1.499199,0.6212161,2022-02-23 13:54:13,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,county,2021-12-19,2022-02-18,501,0.0840192,12.5278755,1.4556733,1.0295742,2022-02-23 13:52:16,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,hrr,2021-12-19,2022-02-17,304,0.095057,9.8759666,1.3707941,0.8678686,2022-02-22 13:54:23,20220222,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,msa,2021-12-19,2022-02-18,282,0.1161852,10.2453058,1.403661,0.9381774,2022-02-23 13:53:45,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,nation,2021-12-19,2022-02-19,1,0.8288386,1.3232145,1.1703247,0.1181226,2022-02-24 13:53:48,20220224,5,5 -fb-survey,smoothed_wvaccine_barrier_other_has,day,state,2021-12-19,2022-02-18,51,0.1152073,6.5025476,1.2743002,0.5620165,2022-02-23 13:54:13,20220223,5,5 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,county,2021-12-24,2022-06-25,8,6.0292096,24.952229,16.8560853,3.4604898,2022-07-01 14:59:56,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,nation,2021-12-19,2022-06-25,1,13.0313014,19.6817691,16.4781955,1.4645559,2022-07-01 15:00:26,20220701,4,14 -fb-survey,smoothed_wvaccine_barrier_other_tried,day,state,2021-12-24,2022-06-25,8,6.3213086,37.4280114,17.0079621,4.3536796,2022-07-01 15:00:33,20220701,4,11 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,county,2021-06-04,2022-02-18,552,0.1072486,22.9148491,3.558064,2.0614736,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,hrr,2021-06-04,2022-02-17,305,0.1298701,21.5769561,3.1599653,1.7375423,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,msa,2021-06-04,2022-02-18,313,0.1037807,22.3264893,3.2815771,1.8614416,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,nation,2021-06-04,2022-02-19,1,2.5214206,4.8847907,3.311893,0.4208553,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties,day,state,2021-06-04,2022-02-18,51,0.1237103,15.6519025,3.1490344,1.6738743,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,county,2021-07-30,2022-02-18,543,0.1081603,22.9148491,3.3604363,1.9725813,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,hrr,2021-07-30,2022-02-17,305,0.106383,20.9804361,2.9407677,1.6306451,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,msa,2021-07-30,2022-02-18,309,0.1046381,21.2039509,3.0774387,1.7616195,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,nation,2021-07-30,2022-02-19,1,2.4851035,4.9908085,3.097251,0.2913041,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_has,day,state,2021-07-30,2022-02-18,51,0.1246875,15.337213,2.9524628,1.6004697,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,county,2021-08-03,2022-06-25,12,0.4901956,13.4059592,5.4132356,2.2019667,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,msa,2021-08-08,2021-09-19,1,1.0059388,11.8416055,5.4821223,3.2060638,2021-09-24 16:04:15,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,nation,2021-07-30,2022-06-25,1,3.5481038,8.9441607,5.7013651,0.9995655,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technical_difficulties_tried,day,state,2021-08-03,2022-06-25,12,0.4901956,21.3070717,5.7461428,2.911902,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,county,2021-06-04,2022-02-18,552,0.0477879,17.6377607,1.2491824,0.9470716,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,hrr,2021-06-04,2022-02-17,305,0.045045,17.4447836,1.2012575,0.8452909,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,msa,2021-06-04,2022-02-18,313,0.0388536,17.6377607,1.2093308,0.9282151,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,nation,2021-06-04,2022-02-19,1,0.8213842,1.339715,1.0584523,0.1093179,2022-02-24 13:53:48,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access,day,state,2021-06-04,2022-02-18,51,0.0619246,5.9556706,1.0314515,0.5015311,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,county,2021-07-30,2022-02-18,543,0.0486715,17.9540982,1.1636887,0.8903164,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,hrr,2021-07-30,2022-02-17,305,0.0454133,17.4447836,1.1002035,0.7759272,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,msa,2021-07-30,2022-02-18,309,0.0392501,17.9540982,1.1198409,0.850173,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,nation,2021-07-30,2022-02-19,1,0.7592613,1.1080717,0.9602353,0.0679064,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_has,day,state,2021-07-30,2022-02-18,51,0.0626226,10.0144526,0.9455537,0.4926336,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,county,2021-08-03,2022-06-25,12,0.3731343,12.0238043,4.3953847,2.1536625,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,msa,2021-08-08,2021-09-19,1,0.851232,6.9367688,3.8248681,1.7610818,2021-09-24 16:04:16,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,nation,2021-07-30,2022-06-25,1,2.6975824,8.4094796,4.6305438,0.9826877,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_technology_access_tried,day,state,2021-08-03,2022-06-25,12,0.3731343,15.1334117,4.5631346,2.5431096,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_time,day,county,2021-06-04,2022-02-18,552,0.0991676,30.9675879,2.9507475,1.8485465,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_time,day,hrr,2021-06-04,2022-02-17,305,0.093985,24.6437818,2.8716061,1.6502292,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_time,day,msa,2021-06-04,2022-02-18,313,0.0951704,30.9675879,2.9501882,1.7989767,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time,day,nation,2021-06-04,2022-02-19,1,2.3556323,3.4382276,2.7633975,0.3022799,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_time,day,state,2021-06-04,2022-02-18,51,0.1269036,13.0704249,2.8292041,1.0178349,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,county,2021-07-30,2022-02-18,543,0.1003619,30.994349,2.8128375,1.8262933,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,hrr,2021-07-30,2022-02-17,305,0.0886525,24.8468992,2.7079925,1.6065441,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,msa,2021-07-30,2022-02-18,309,0.0960848,30.994349,2.7883448,1.7730117,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,nation,2021-07-30,2022-02-19,1,2.0900023,3.2391182,2.6142512,0.3387849,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_time_has,day,state,2021-07-30,2022-02-18,51,0.2538071,12.7798049,2.7033401,1.018265,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,county,2021-08-03,2022-06-25,12,1.171875,30.4075997,12.5559906,4.7076793,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,msa,2021-08-08,2021-09-19,1,8.9874442,19.7299559,15.1522386,2.90482,2021-09-24 16:04:16,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,nation,2021-07-30,2022-06-25,1,8.4312744,19.1578448,13.9313453,2.0509032,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_time_tried,day,state,2021-08-03,2022-06-25,12,1.4355655,34.4390108,14.5271465,5.7752494,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,county,2021-06-04,2022-02-18,552,0.0749627,20.8719471,2.2206738,1.4638687,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,hrr,2021-06-04,2022-02-17,305,0.0844595,19.0381549,2.055175,1.2105601,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,msa,2021-06-04,2022-02-18,313,0.0655099,17.0136472,2.0856491,1.3434165,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,nation,2021-06-04,2022-02-19,1,1.7542765,4.2060654,2.0436472,0.2057013,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_travel,day,state,2021-06-04,2022-02-18,51,0.1022495,9.7410147,2.0283035,0.8868105,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,county,2021-07-30,2022-02-18,543,0.0765698,20.9755137,2.0595642,1.4114455,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,hrr,2021-07-30,2022-02-17,305,0.0853242,19.1590205,1.8796239,1.1589818,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,msa,2021-07-30,2022-02-18,309,0.0661186,17.1632098,1.9196039,1.2850808,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,nation,2021-07-30,2022-02-19,1,1.6181271,4.1535164,1.8737667,0.214524,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_travel_has,day,state,2021-07-30,2022-02-18,51,0.1030928,9.5147979,1.8653682,0.8785239,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,county,2021-08-03,2022-06-25,12,1.25,20.481298,9.1639887,3.0490234,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,msa,2021-08-08,2021-09-19,1,3.0254272,8.3622507,5.8326193,1.6075166,2021-09-24 16:04:17,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,nation,2021-07-30,2022-06-25,1,7.5212347,15.0523503,10.538515,1.468872,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_travel_tried,day,state,2021-08-03,2022-06-25,12,1.2578384,28.2001407,9.6946856,3.7688977,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_type,day,county,2021-06-04,2022-02-18,552,0.089973,22.8226599,1.8518724,1.2586464,2022-02-23 13:52:16,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_type,day,hrr,2021-06-04,2022-02-17,305,0.0974659,23.25949,1.8066409,1.1422891,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_type,day,msa,2021-06-04,2022-02-18,313,0.0976035,19.4765318,1.8237791,1.1861249,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type,day,nation,2021-06-04,2022-02-19,1,1.3807111,1.9524981,1.65603,0.1137103,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_type,day,state,2021-06-04,2022-02-18,51,0.0981016,10.144897,1.7111244,0.666204,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,county,2021-07-30,2022-02-18,543,0.0846733,23.028273,1.7019096,1.1985041,2022-02-23 13:52:17,20220223,1,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,hrr,2021-07-30,2022-02-17,305,0.0658762,18.1052542,1.630067,1.0558063,2022-02-22 13:54:23,20220222,2,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,msa,2021-07-30,2022-02-18,309,0.0751463,16.7335832,1.6675098,1.1163487,2022-02-23 13:53:45,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,nation,2021-07-30,2022-02-19,1,1.2701539,1.82993,1.4934292,0.128217,2022-02-24 13:53:49,20220224,4,63 -fb-survey,smoothed_wvaccine_barrier_type_has,day,state,2021-07-30,2022-02-18,51,0.1259586,10.530222,1.5518898,0.622784,2022-02-23 13:54:13,20220223,2,63 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,county,2021-08-03,2022-06-25,12,1.6055948,21.1382744,9.7127907,3.2510452,2022-07-01 14:59:56,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,msa,2021-08-08,2021-09-19,1,2.4199891,16.9927528,10.3384439,3.9172498,2021-09-24 16:04:18,20210924,4,5 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,nation,2021-07-30,2022-06-25,1,5.9632761,12.7576168,10.0129611,1.5420296,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wvaccine_barrier_type_tried,day,state,2021-08-03,2022-06-25,12,1.7923026,27.7089968,10.1308403,3.8558502,2022-07-01 15:00:33,20220701,4,63 -fb-survey,smoothed_wvaccine_likely_doctors,day,county,2021-02-09,2021-08-08,499,7.259706,77.1595724,48.7477301,12.2246617,2021-08-13 12:55:26,20210813,1,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,hrr,2021-02-09,2021-08-06,300,6.9815096,73.8261871,44.1329531,12.1363912,2021-08-11 12:57:06,20210811,3,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,msa,2021-02-09,2021-08-07,279,11.7272878,73.2846346,46.9713879,11.0955423,2021-08-12 12:55:27,20210812,3,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,nation,2021-02-09,2021-08-08,1,16.4374349,56.2706848,33.4230306,13.5851071,2021-08-13 12:57:04,20210813,5,36 -fb-survey,smoothed_wvaccine_likely_doctors,day,state,2021-02-09,2021-08-08,51,7.0363341,73.9381449,38.7759956,13.5895154,2021-08-13 12:57:21,20210813,4,36 -fb-survey,smoothed_wvaccine_likely_friends,day,county,2020-12-20,2021-08-08,750,3.5068034,63.4115063,31.4894873,6.8034879,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_friends,day,hrr,2020-12-20,2021-08-06,306,2.879003,54.4114958,29.4915749,7.2016915,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_friends,day,msa,2020-12-20,2021-08-07,361,4.6345847,63.4115063,30.7559854,6.4693782,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_friends,day,nation,2020-12-20,2021-08-08,1,7.9797726,36.1559722,23.8103279,8.8420382,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_friends,day,state,2020-12-20,2021-08-08,51,2.8529035,45.6453223,26.6919836,7.9727138,2021-08-13 12:57:21,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,county,2020-12-20,2021-08-08,742,0.4619191,58.708974,27.8905743,8.6701886,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,hrr,2020-12-20,2021-08-06,306,0.2808989,56.9774781,24.3991816,9.2519611,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,msa,2020-12-20,2021-08-07,357,0.4778977,55.7657274,26.359507,8.1751537,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,nation,2020-12-20,2021-08-08,1,5.2371949,32.6937488,18.2387443,10.4349212,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_govt_health,day,state,2020-12-20,2021-08-08,51,0.4791461,52.5748388,21.3528736,10.2720167,2021-08-13 12:57:21,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,county,2020-12-20,2021-03-16,744,22.2324417,75.7810762,47.8242695,7.825357,2021-03-21 11:51:28,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,hrr,2020-12-20,2021-03-16,306,22.7657784,73.8261871,46.4835359,7.2165629,2021-03-21 11:51:45,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,msa,2020-12-20,2021-03-16,359,19.4811503,74.2892216,46.7604427,7.3708938,2021-03-21 11:52:00,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,nation,2020-12-20,2021-03-16,1,42.9358801,54.410947,47.2188903,3.6937254,2021-03-21 11:52:04,20210321,2,44 -fb-survey,smoothed_wvaccine_likely_local_health,day,state,2020-12-20,2021-03-16,51,27.1765913,70.855797,46.8312565,5.867508,2021-03-21 11:52:10,20210321,1,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,county,2020-12-20,2021-08-08,737,0.1752614,28.2857884,8.9449866,3.7064829,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,hrr,2020-12-20,2021-08-06,306,0.2272727,30.3533353,7.9655254,3.6735202,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,msa,2020-12-20,2021-08-07,355,0.3346528,28.2857884,8.4909303,3.4597848,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,nation,2020-12-20,2021-08-08,1,1.3664651,12.6292333,6.1871506,3.1501693,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_politicians,day,state,2020-12-20,2021-08-08,51,0.1752614,19.5292362,6.8180187,3.327128,2021-08-13 12:57:21,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,county,2020-12-20,2021-08-08,740,0.446429,64.1367354,33.1742871,9.4013078,2021-08-13 12:55:26,20210813,1,44 -fb-survey,smoothed_wvaccine_likely_who,day,hrr,2020-12-20,2021-08-06,306,0.5846541,58.6165461,29.2521162,10.0645951,2021-08-11 12:57:06,20210811,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,msa,2020-12-20,2021-08-07,358,3.0838604,64.1367354,31.5261538,8.9701671,2021-08-12 12:55:27,20210812,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,nation,2020-12-20,2021-08-08,1,6.6090807,37.8505547,22.2353713,11.8125939,2021-08-13 12:57:04,20210813,2,44 -fb-survey,smoothed_wvaccine_likely_who,day,state,2020-12-20,2021-08-08,51,0.446429,55.5190485,25.8668459,11.3348938,2021-08-13 12:57:22,20210813,2,44 -fb-survey,smoothed_wwant_info_children_education,day,county,2021-05-20,2022-06-25,355,0.292383,29.353383,7.4068442,3.2172861,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_children_education,day,hrr,2021-05-20,2022-06-25,289,0.2066116,29.4027965,6.8066621,3.0104577,2022-07-01 15:00:10,20220701,4,110 -fb-survey,smoothed_wwant_info_children_education,day,msa,2021-05-20,2022-06-25,215,0.3121147,29.353383,7.0214816,2.9380345,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_children_education,day,nation,2021-05-20,2022-06-25,1,5.613506,9.5645405,6.9718878,0.9618779,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_children_education,day,state,2021-05-20,2022-06-25,51,0.292383,16.2595185,6.4099107,1.9891178,2022-07-01 15:00:33,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,county,2021-05-20,2022-06-25,355,1.1167606,46.193412,17.0093775,5.4830206,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,hrr,2021-05-20,2022-06-25,289,1.3156696,44.8880955,15.9854304,5.2418061,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,msa,2021-05-20,2022-06-25,215,1.5657304,44.1036485,16.3164943,5.0559612,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,nation,2021-05-20,2022-06-25,1,11.5313912,21.4571967,16.3484578,2.3465849,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_treatment,day,state,2021-05-20,2022-06-25,51,2.5616594,35.9025179,15.1397714,3.9667136,2022-07-01 15:00:33,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,county,2021-05-20,2022-06-25,355,7.710231,60.6066359,28.8753534,6.8013948,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_covid_variants,day,hrr,2021-05-20,2022-06-25,289,5.9163304,60.0311803,26.984193,6.511051,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,msa,2021-05-20,2022-06-25,215,8.9517221,55.3597721,27.854011,6.1438722,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,nation,2021-05-20,2022-06-25,1,22.7048749,34.8015595,27.4057197,3.7141623,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_covid_variants,day,state,2021-05-20,2022-06-25,51,6.6991966,58.6471109,26.3085977,5.4736628,2022-07-01 15:00:33,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,county,2021-05-20,2022-06-25,355,1.2708084,43.4376744,13.9642245,4.7943139,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_employment,day,hrr,2021-05-20,2022-06-25,289,0.9601587,40.0580879,13.1043427,4.4517553,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,msa,2021-05-20,2022-06-25,215,2.0095913,41.7064632,13.3294776,4.1553257,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,nation,2021-05-20,2022-06-25,1,12.448366,15.4840719,13.6531257,0.6712723,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_employment,day,state,2021-05-20,2022-06-25,51,2.3872098,27.6016744,12.6311235,2.9337623,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,county,2021-05-20,2022-06-25,355,2.3491042,46.3749193,18.5940015,5.1881484,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_mental_health,day,hrr,2021-05-20,2022-06-25,289,2.1985778,46.9791113,17.2598518,4.807292,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,msa,2021-05-20,2022-06-25,215,1.9431669,47.4614322,17.8429746,4.4491411,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,nation,2021-05-20,2022-06-25,1,15.9678165,19.9677129,17.803888,0.9993642,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_mental_health,day,state,2021-05-20,2022-06-25,51,2.9363483,46.3749193,16.8558162,3.3298125,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,county,2021-05-20,2022-06-25,355,16.5501582,82.2405138,54.2453005,8.4337292,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_none,day,hrr,2021-05-20,2022-06-25,289,16.4047071,85.5599573,56.7461528,8.2363471,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,msa,2021-05-20,2022-06-25,215,22.7590951,82.4896053,55.8203858,7.22966,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,nation,2021-05-20,2022-06-25,1,50.215821,59.1416216,55.6319834,2.5283015,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_none,day,state,2021-05-20,2022-06-25,51,27.563182,83.2953347,57.9695431,6.3063546,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,county,2021-05-20,2022-06-25,355,0.454955,34.7167506,9.3233291,3.6982645,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_relationships,day,hrr,2021-05-20,2022-06-25,289,0.3289474,32.7373288,8.4533624,3.3466102,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,msa,2021-05-20,2022-06-25,215,0.4231536,39.3171652,8.759038,3.1968178,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,nation,2021-05-20,2022-06-25,1,7.1218982,10.2674231,8.6145216,1.0178285,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_relationships,day,state,2021-05-20,2022-06-25,51,0.5517402,26.2315663,7.9942383,2.4207866,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,county,2021-05-20,2022-06-25,355,0.1219361,21.4938234,3.1003567,1.9796343,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,hrr,2021-05-20,2022-06-25,289,0.1075269,16.9004841,2.8537367,1.8017906,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,msa,2021-05-20,2022-06-25,215,0.1331817,30.3987418,2.9296704,1.851172,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,nation,2021-05-20,2022-06-25,1,2.2664813,3.4611316,2.8570513,0.2461644,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_access,day,state,2021-05-20,2022-06-25,51,0.1219361,10.5290937,2.5865831,1.1148775,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,county,2021-05-20,2022-06-25,355,0.3451439,34.292441,9.2703739,3.4846302,2022-07-01 14:59:56,20220701,1,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,hrr,2021-05-20,2022-06-25,289,0.3448276,33.9369294,8.7436942,3.259631,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,msa,2021-05-20,2022-06-25,215,0.4226636,37.6360851,8.9183023,3.1873154,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,nation,2021-05-20,2022-06-25,1,7.6142741,10.9393633,8.9021634,0.6874703,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wwant_info_vaccine_types,day,state,2021-05-20,2022-06-25,51,0.3459039,22.67155,8.2462851,2.1658732,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wwanted_test_14d,day,county,2020-09-08,2021-08-08,739,0.1587571,41.5185667,7.5925977,4.1336842,2021-08-13 12:55:26,20210813,0,92 -fb-survey,smoothed_wwanted_test_14d,day,hrr,2020-09-08,2021-08-08,306,0.1355014,27.9964178,7.1987494,3.7610783,2021-08-13 12:56:18,20210813,5,92 -fb-survey,smoothed_wwanted_test_14d,day,msa,2020-09-08,2021-08-08,358,0.1587571,36.3557968,7.3513823,3.8123354,2021-08-13 12:56:58,20210813,5,92 -fb-survey,smoothed_wwanted_test_14d,day,nation,2020-09-08,2021-08-08,1,1.4779078,12.1428717,6.611073,3.3730495,2021-08-13 12:57:04,20210813,5,98 -fb-survey,smoothed_wwanted_test_14d,day,state,2020-09-08,2021-08-08,51,0.1976331,23.1824888,6.6375353,3.537193,2021-08-13 12:57:22,20210813,5,92 -fb-survey,smoothed_wwearing_mask,day,county,2020-09-08,2021-02-21,742,46.5246845,99.7326725,88.7819744,6.9900593,2021-03-17 18:42:52,20210317,0,92 -fb-survey,smoothed_wwearing_mask,day,hrr,2020-09-08,2021-02-20,306,44.9625133,99.6774194,86.7584134,7.3901029,2021-03-17 18:42:15,20210317,5,92 -fb-survey,smoothed_wwearing_mask,day,msa,2020-09-08,2021-02-21,359,43.5831097,99.6775583,87.5598281,7.0845001,2021-03-17 18:43:17,20210317,5,92 -fb-survey,smoothed_wwearing_mask,day,nation,2020-09-08,2021-02-22,1,84.3485583,93.2178515,88.8670227,3.1131215,2021-03-17 18:44:10,20210317,5,98 -fb-survey,smoothed_wwearing_mask,day,state,2020-09-08,2021-02-21,51,50.762044,99.5948522,87.2809617,6.9568473,2021-03-17 18:43:24,20210317,5,92 -fb-survey,smoothed_wwearing_mask_7d,day,county,2021-02-09,2022-06-25,662,5.98686,99.7573185,61.80579,23.0183261,2022-07-01 14:59:56,20220701,1,63 -fb-survey,smoothed_wwearing_mask_7d,day,hrr,2021-02-09,2022-06-25,306,4.5437691,99.795082,56.6835861,23.0747418,2022-07-01 15:00:11,20220701,4,63 -fb-survey,smoothed_wwearing_mask_7d,day,msa,2021-02-09,2022-06-25,344,4.0666985,99.7573185,59.6318864,22.7905839,2022-07-01 15:00:22,20220701,4,63 -fb-survey,smoothed_wwearing_mask_7d,day,nation,2021-02-09,2022-06-25,1,29.0033818,92.0933281,59.5204752,18.7918683,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wwearing_mask_7d,day,state,2021-02-09,2022-06-25,51,5.8599585,99.5762712,55.8022928,22.959884,2022-07-01 15:00:34,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_1d,day,county,2020-09-08,2021-03-15,831,9.4509317,64.2551351,35.0285712,6.8365381,2021-03-20 11:51:35,20210320,0,92 -fb-survey,smoothed_wwork_outside_home_1d,day,hrr,2020-09-08,2021-03-11,306,14.3288,61.1471406,35.6776456,6.2129467,2021-03-17 18:58:05,20210317,2,92 -fb-survey,smoothed_wwork_outside_home_1d,day,msa,2020-09-08,2021-03-14,370,10.006004,65.7893559,35.8972798,6.6585783,2021-03-19 11:51:48,20210319,1,92 -fb-survey,smoothed_wwork_outside_home_1d,day,nation,2020-09-08,2021-03-18,1,24.3270003,39.1900137,34.6474592,3.6229461,2021-03-23 11:53:46,20210323,2,98 -fb-survey,smoothed_wwork_outside_home_1d,day,state,2020-09-08,2021-03-15,51,9.7034648,57.2831637,35.8318816,5.9256329,2021-03-20 11:52:14,20210320,2,92 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,county,2021-03-02,2022-06-25,670,9.7798451,69.9875077,39.1239113,6.6479648,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,hrr,2021-03-02,2022-06-25,306,13.1381872,69.6931906,39.8079887,6.23601,2022-07-01 15:00:11,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,msa,2021-03-02,2022-06-25,349,9.7798451,71.1995787,39.7791789,6.5067048,2022-07-01 15:00:22,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,nation,2021-03-02,2022-06-25,1,27.6726804,43.7207665,39.2049883,2.9440257,2022-07-01 15:00:26,20220701,4,63 -fb-survey,smoothed_wwork_outside_home_indoors_1d,day,state,2021-03-02,2022-06-25,51,13.7594749,60.8604643,40.5472778,5.2836308,2022-07-01 15:00:34,20220701,4,63 -fb-survey,smoothed_wworried_become_ill,day,county,2020-09-08,2021-08-08,739,19.5361406,93.9006459,59.5562444,9.5501101,2021-08-13 12:55:28,20210813,0,92 -fb-survey,smoothed_wworried_become_ill,day,hrr,2020-09-08,2021-08-08,306,22.3139171,86.8522829,57.9492483,9.2887984,2021-08-13 12:56:20,20210813,5,92 -fb-survey,smoothed_wworried_become_ill,day,msa,2020-09-08,2021-08-08,358,19.5361406,93.9006459,58.6357432,9.3591756,2021-08-13 12:56:59,20210813,5,92 -fb-survey,smoothed_wworried_become_ill,day,nation,2020-09-08,2021-08-08,1,35.7184994,70.8400827,55.67588,10.2247137,2021-08-13 12:57:04,20210813,5,98 -fb-survey,smoothed_wworried_become_ill,day,state,2020-09-08,2021-08-08,51,19.6673155,78.9788449,56.1876233,10.1268506,2021-08-13 12:57:22,20210813,5,92 -fb-survey,smoothed_wworried_catch_covid,day,county,2021-05-20,2022-06-25,376,12.4829172,84.2052504,46.7587756,10.8126579,2022-07-01 14:59:57,20220701,1,110 -fb-survey,smoothed_wworried_catch_covid,day,hrr,2021-05-20,2022-06-25,293,11.5162804,84.1507655,43.7524424,10.5488557,2022-07-01 15:00:11,20220701,4,110 -fb-survey,smoothed_wworried_catch_covid,day,msa,2021-05-20,2022-06-25,220,13.7197585,84.2052504,45.0489584,10.1411255,2022-07-01 15:00:22,20220701,4,110 -fb-survey,smoothed_wworried_catch_covid,day,nation,2021-05-20,2022-06-25,1,33.1016879,57.3264887,44.5170577,6.459023,2022-07-01 15:00:26,20220701,4,110 -fb-survey,smoothed_wworried_catch_covid,day,state,2021-05-20,2022-06-25,51,10.8843351,78.59617,41.8433606,9.4276472,2022-07-01 15:00:34,20220701,4,110 -fb-survey,smoothed_wworried_finances,day,county,2020-09-08,2022-06-25,750,11.1143697,83.6218012,41.1647182,8.0881449,2022-07-01 14:59:57,20220701,0,92 -fb-survey,smoothed_wworried_finances,day,hrr,2020-09-08,2022-06-25,306,12.2427033,76.4272193,41.1335091,7.4902084,2022-07-01 15:00:11,20220701,4,92 -fb-survey,smoothed_wworried_finances,day,msa,2020-09-08,2022-06-25,360,13.1044873,83.6218012,41.2964627,7.7953364,2022-07-01 15:00:22,20220701,4,92 -fb-survey,smoothed_wworried_finances,day,nation,2020-09-08,2022-06-25,1,36.1576239,50.5120064,41.1379765,3.9146201,2022-07-01 15:00:26,20220701,4,98 -fb-survey,smoothed_wworried_finances,day,state,2020-09-08,2022-06-25,51,18.9410484,58.378139,39.9359039,5.5342188,2022-07-01 15:00:34,20220701,4,92 -fb-survey,smoothed_wworried_vaccine_side_effects,day,county,2021-01-13,2022-06-25,722,15.0713634,86.347618,53.2623794,14.7692205,2022-07-01 14:59:57,20220701,1,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,hrr,2021-01-13,2022-06-25,306,21.06384,89.8120578,59.8813023,13.4791837,2022-07-01 15:00:12,20220701,4,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,msa,2021-01-13,2022-06-25,359,19.229984,87.642629,55.2390122,14.4232621,2022-07-01 15:00:22,20220701,4,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,nation,2021-01-13,2022-06-25,1,38.6339196,72.2343997,65.5906145,9.0739766,2022-07-01 15:00:26,20220701,2,63 -fb-survey,smoothed_wworried_vaccine_side_effects,day,state,2021-01-13,2022-06-25,51,23.0894615,85.903338,64.6252616,10.8323669,2022-07-01 15:00:34,20220701,4,63 -ght,raw_search,day,dma,2020-02-01,2021-03-04,210,0.0,1565.76200417525,20.9482376,65.2674025,2021-03-08 13:51:23,20210308,2,95 -ght,raw_search,day,hrr,2020-02-01,2021-03-04,306,0.0,1410.08842302,21.9186474,49.0164187,2021-03-08 13:51:23,20210308,2,95 -ght,raw_search,day,msa,2020-02-01,2021-03-04,381,0.0,1565.76200417525,22.1626516,55.1958568,2021-03-08 13:51:24,20210308,2,95 -ght,raw_search,day,state,2020-02-01,2021-03-04,51,0.0,530.20464784,20.8002893,34.0252416,2021-03-08 13:51:24,20210308,2,95 -ght,smoothed_search,day,dma,2020-02-01,2021-03-04,210,0.0,1527.49490835,21.6425026,49.2963765,2021-03-08 13:51:23,20210308,2,95 -ght,smoothed_search,day,hrr,2020-02-01,2021-03-04,306,0.0,1410.08842302,22.2032196,38.1130556,2021-03-08 13:51:23,20210308,2,95 -ght,smoothed_search,day,msa,2020-02-01,2021-03-04,381,0.0,1527.49490835,22.6439253,41.9518625,2021-03-08 13:51:24,20210308,2,95 -ght,smoothed_search,day,state,2020-02-01,2021-03-04,51,0.0,530.20464784,21.0425576,27.779224,2021-03-08 13:51:24,20210308,2,95 -google-survey,raw_cli,day,county,2020-04-11,2020-05-14,649,0.409836065573771,35.423894886623,7.5642062,2.3033009,2020-05-15 14:51:20,20200516,1,27 -google-survey,raw_cli,day,hrr,2020-04-11,2020-05-14,282,0.78125,23.8735267431388,7.5031418,2.1662551,2020-05-15 14:51:20,20200516,2,27 -google-survey,raw_cli,day,msa,2020-04-11,2020-05-14,324,0.0,20.2898257604082,7.41813,2.0245724,2020-05-15 14:51:20,20200516,2,27 -google-survey,raw_cli,day,state,2020-04-11,2020-05-14,51,2.17391304347826,18.787540792796,7.2286506,1.740113,2020-05-15 14:51:20,20200516,2,27 -google-survey,smoothed_cli,day,county,2020-04-11,2020-05-14,649,0.880545893794213,28.749996064143,7.5262832,2.1496115,2020-05-15 14:51:20,20200516,1,27 -google-survey,smoothed_cli,day,hrr,2020-04-11,2020-05-14,282,3.7019332071209,22.726557194704,7.5733011,2.0361627,2020-05-15 14:51:20,20200516,2,27 -google-survey,smoothed_cli,day,msa,2020-04-11,2020-05-14,324,3.01822323462415,19.1367838167457,7.4565365,1.7716232,2020-05-15 14:51:20,20200516,2,27 -google-survey,smoothed_cli,day,state,2020-04-11,2020-05-14,51,3.64100926221654,18.1033479398524,7.1670572,1.7637356,2020-05-15 14:51:20,20200516,2,27 -google-symptoms,ageusia_raw_search,day,county,2020-02-13,2022-01-20,92,0.02,2.8,0.1628996,0.1148612,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,ageusia_raw_search,day,hhs,2020-02-14,2022-01-20,10,0.0131270807702595,1.2480681700533858,0.140034,0.0911828,2022-01-24 14:03:00,20220124,4,669 -google-symptoms,ageusia_raw_search,day,hrr,2020-02-13,2022-01-20,106,7.070846583878629e-07,2.1978302516782264,0.0903941,0.0964045,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,ageusia_raw_search,day,msa,2020-02-13,2022-01-20,54,0.0033902801295283,1.4696504092228102,0.1162842,0.0898667,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,ageusia_raw_search,day,nation,2020-02-14,2022-01-20,1,0.0298998387351133,0.5080993582433261,0.1514058,0.0756495,2022-01-24 14:03:01,20220124,4,669 -google-symptoms,ageusia_raw_search,day,state,2020-02-13,2022-01-20,43,0.02,1.6,0.1737928,0.1028339,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,ageusia_smoothed_search,day,county,2020-02-20,2022-01-20,92,0.0328571428571428,2.001428571428572,0.1793956,0.1175762,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,ageusia_smoothed_search,day,hhs,2020-02-20,2022-01-20,10,0.0179084404925376,0.9134917551559588,0.1412503,0.0881181,2022-01-24 14:03:00,20220124,4,663 -google-symptoms,ageusia_smoothed_search,day,hrr,2020-02-20,2022-01-20,106,6.575606920968502e-06,1.9360977520295877,0.0996178,0.097535,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,ageusia_smoothed_search,day,msa,2020-02-20,2022-01-20,54,0.012888080770378,1.1303163980678963,0.1252972,0.0908501,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,ageusia_smoothed_search,day,nation,2020-02-20,2022-01-20,1,0.0338719602832891,0.3869580463385803,0.151751,0.0732171,2022-01-24 14:03:01,20220124,4,663 -google-symptoms,ageusia_smoothed_search,day,state,2020-02-20,2022-01-20,43,0.0342857142857142,1.18,0.1775286,0.1007419,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,anosmia_raw_search,day,county,2020-02-13,2022-01-20,109,0.03,6.57,0.2204089,0.1742904,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,anosmia_raw_search,day,hhs,2020-02-14,2022-01-20,10,0.0173693227372303,2.7200165442391304,0.1945913,0.1329324,2022-01-24 14:03:00,20220124,4,669 -google-symptoms,anosmia_raw_search,day,hrr,2020-02-13,2022-01-20,115,5.656677267102902e-07,4.9685954785081545,0.1306022,0.139857,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,anosmia_raw_search,day,msa,2020-02-13,2022-01-20,64,0.0088361517675675,3.132953842235674,0.1635651,0.1279177,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,anosmia_raw_search,day,nation,2020-02-14,2022-01-20,1,0.0438656821358702,1.29733135353733,0.2050263,0.1108735,2022-01-24 14:03:01,20220124,4,669 -google-symptoms,anosmia_raw_search,day,state,2020-02-13,2022-01-20,44,0.03,3.47,0.2254759,0.1390483,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,anosmia_smoothed_search,day,county,2020-02-20,2022-01-20,109,0.0414285714285714,3.762857142857143,0.2360233,0.1638776,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,anosmia_smoothed_search,day,hhs,2020-02-20,2022-01-20,10,0.0273448966120518,1.787173096021979,0.1953557,0.1200617,2022-01-24 14:03:00,20220124,4,663 -google-symptoms,anosmia_smoothed_search,day,hrr,2020-02-20,2022-01-20,115,5.873357638146623e-06,3.359756365647917,0.1382351,0.1334759,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,anosmia_smoothed_search,day,msa,2020-02-20,2022-01-20,64,0.0172218958627234,2.1852318317670267,0.1714624,0.1203665,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,anosmia_smoothed_search,day,nation,2020-02-20,2022-01-20,1,0.0488230407808455,0.7001163446093951,0.2054266,0.0978696,2022-01-24 14:03:01,20220124,4,663 -google-symptoms,anosmia_smoothed_search,day,state,2020-02-20,2022-01-20,44,0.0442857142857142,2.307142857142857,0.2293551,0.1254468,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,s01_raw_search,day,county,2020-02-14,2024-07-13,1523,0.145,41.7575,1.4458065,0.6029111,2024-07-17 13:15:29,20240717,4,738 -google-symptoms,s01_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.5629032,4.8329906,1.5626725,0.5987219,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s01_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0025898,5.9852293,1.2959006,0.5858162,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s01_raw_search,day,msa,2020-02-14,2024-07-13,384,0.1525,6.8110606,1.3936503,0.5849853,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s01_raw_search,day,nation,2020-02-14,2024-07-13,1,0.7398929,4.3968376,1.613721,0.5701939,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s01_raw_search,day,state,2020-02-14,2024-07-13,51,0.345,5.4375,1.5659896,0.6261226,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s01_smoothed_search,day,county,2020-02-20,2024-07-13,1523,0.0,19.3282143,1.3457387,0.6052145,2024-07-17 13:15:29,20240717,4,732 -google-symptoms,s01_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.6021712,4.5579379,1.5626276,0.5918432,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s01_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,5.454187,1.2737633,0.5905242,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s01_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,5.4585924,1.3693011,0.5858352,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,s01_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.7624728,4.1780875,1.6137093,0.5635924,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s01_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.3928571,5.1821429,1.5659408,0.617283,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s02_raw_search,day,county,2020-02-14,2024-07-13,2082,0.1933333,15.23,1.9736893,0.9636114,2024-07-17 13:15:29,20240717,4,738 -google-symptoms,s02_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.9644648,10.2016334,2.3780304,0.9261871,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s02_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0619654,11.9665981,2.0572122,0.9312176,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s02_raw_search,day,msa,2020-02-14,2024-07-13,384,0.2189365,12.1074102,2.1978484,0.9426042,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s02_raw_search,day,nation,2020-02-14,2024-07-13,1,1.2120147,9.6328876,2.4306044,0.8874711,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s02_raw_search,day,state,2020-02-14,2024-07-13,51,0.545,11.955,2.403114,0.9693,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s02_smoothed_search,day,county,2020-02-20,2024-07-13,2082,0.0,9.8964286,1.7974889,0.9874446,2024-07-17 13:15:30,20240717,3,732 -google-symptoms,s02_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.9898071,8.5374392,2.3779637,0.911629,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s02_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,9.8010037,2.0227886,0.9385257,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s02_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,9.805927,2.1610385,0.9473767,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,s02_smoothed_search,day,nation,2020-02-20,2024-07-13,1,1.2745183,8.0950094,2.4306106,0.8739282,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s02_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.6290476,9.7983333,2.4029937,0.9524848,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s03_raw_search,day,county,2020-02-14,2024-07-13,1556,0.114,9.344,0.863376,0.3517303,2024-07-17 13:15:31,20240717,4,738 -google-symptoms,s03_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.4449867,5.0817512,0.9618082,0.3212215,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s03_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0020661,6.7535321,0.7632649,0.348486,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s03_raw_search,day,msa,2020-02-14,2024-07-13,384,0.0770901,6.5204411,0.8108243,0.3297275,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s03_raw_search,day,nation,2020-02-14,2024-07-13,1,0.568635,4.557349,0.9806504,0.3004047,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s03_raw_search,day,state,2020-02-14,2024-07-13,51,0.258,6.32,0.953399,0.3397813,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s03_smoothed_search,day,county,2020-02-20,2024-07-13,1556,0.0,5.3408571,0.7453625,0.3538509,2024-07-17 13:15:31,20240717,3,732 -google-symptoms,s03_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.4821263,3.9093147,0.9618966,0.3105097,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s03_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,4.9255751,0.7505019,0.3456565,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s03_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,4.7907217,0.7964956,0.3230314,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,s03_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.6007511,3.6128182,0.9807975,0.2906154,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s03_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.2945714,4.5048571,0.953463,0.3267243,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s04_raw_search,day,county,2020-02-14,2024-07-13,1031,0.0525,3.93,0.4827724,0.2070064,2024-07-17 13:15:31,20240717,4,738 -google-symptoms,s04_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.2403526,1.7477591,0.6571675,0.17183,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s04_raw_search,day,hrr,2020-02-14,2024-07-13,305,6.5e-05,3.8307638,0.4429192,0.2129804,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s04_raw_search,day,msa,2020-02-14,2024-07-13,383,0.0289013,3.8388485,0.491735,0.2000115,2024-07-17 13:15:35,20240717,4,738 -google-symptoms,s04_raw_search,day,nation,2020-02-14,2024-07-13,1,0.3475773,1.6138886,0.6691913,0.1556553,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s04_raw_search,day,state,2020-02-14,2024-07-13,51,0.09875,1.98125,0.6652702,0.190865,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s04_smoothed_search,day,county,2020-02-20,2024-07-13,1031,0.0,1.9792857,0.4275826,0.2233178,2024-07-17 13:15:32,20240717,4,732 -google-symptoms,s04_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.302677,1.633269,0.657328,0.1624917,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s04_smoothed_search,day,hrr,2020-02-20,2024-07-13,305,0.0,1.9341105,0.4332943,0.2118484,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s04_smoothed_search,day,msa,2020-02-20,2024-07-13,383,0.0,1.9757143,0.4760023,0.1972503,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s04_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.4146152,1.5291331,0.669355,0.1457618,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s04_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.2210714,1.8407143,0.6654414,0.1792661,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s05_smoothed_search,day,county,2020-02-20,2024-07-13,114,0.0,2.0214286,0.0923442,0.0829948,2024-07-17 13:15:32,20240717,3,732 -google-symptoms,s05_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.0,1.0099765,0.1044928,0.0690878,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s05_smoothed_search,day,hrr,2020-02-20,2024-07-13,118,0.0,1.9636653,0.0583359,0.0665195,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s05_smoothed_search,day,msa,2020-02-20,2024-07-13,65,0.0,1.2305151,0.0703972,0.0640411,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s05_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.0222244,0.4012052,0.1111188,0.0629392,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s05_smoothed_search,day,state,2020-02-20,2024-07-13,45,0.0,1.2985714,0.1023828,0.0811467,2024-07-17 13:15:36,20240717,3,732 -google-symptoms,s06_raw_search,day,county,2020-02-14,2024-07-13,869,0.0733333,3.8166667,0.7171405,0.2509621,2024-07-17 13:15:32,20240717,4,738 -google-symptoms,s06_raw_search,day,hhs,2020-02-14,2024-07-13,10,0.3065122,1.9331217,0.7831431,0.2417782,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,s06_raw_search,day,hrr,2020-02-14,2024-07-13,304,8.36e-05,2.6907692,0.5563906,0.2612786,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,s06_raw_search,day,msa,2020-02-14,2024-07-13,379,0.0698392,3.6766667,0.6513573,0.2451345,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s06_raw_search,day,nation,2020-02-14,2024-07-13,1,0.3923812,1.7562711,0.8039715,0.2280758,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s06_raw_search,day,state,2020-02-14,2024-07-13,51,0.1533333,2.2033333,0.7768827,0.2577945,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,s06_smoothed_search,day,county,2020-02-20,2024-07-13,869,0.0,2.942381,0.6715739,0.2519801,2024-07-17 13:15:32,20240717,4,732 -google-symptoms,s06_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,0.3288689,1.804973,0.783512,0.2387222,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,s06_smoothed_search,day,hrr,2020-02-20,2024-07-13,304,0.0,2.4442007,0.5435988,0.263496,2024-07-17 13:15:34,20240717,4,732 -google-symptoms,s06_smoothed_search,day,msa,2020-02-20,2024-07-13,379,0.0,2.942381,0.6269093,0.2474402,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s06_smoothed_search,day,nation,2020-02-20,2024-07-13,1,0.4007222,1.5691818,0.8043518,0.2252896,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,s06_smoothed_search,day,state,2020-02-20,2024-07-13,51,0.1852381,2.0328571,0.7772562,0.2522011,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,scontrol_raw_search,day,county,2020-02-14,2024-07-13,1438,0.25,14.124,3.3171389,1.0021697,2024-07-17 13:15:32,20240717,4,738 -google-symptoms,scontrol_raw_search,day,hhs,2020-02-14,2024-07-13,10,2.097142,10.5574026,3.561163,0.4858404,2024-07-17 13:15:33,20240717,4,738 -google-symptoms,scontrol_raw_search,day,hrr,2020-02-14,2024-07-13,306,0.0535164,12.348618,3.1551263,0.8088133,2024-07-17 13:15:34,20240717,4,738 -google-symptoms,scontrol_raw_search,day,msa,2020-02-14,2024-07-13,384,0.2728576,14.124,3.529657,0.7122945,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,scontrol_raw_search,day,nation,2020-02-14,2024-07-13,1,2.6600321,9.6695483,3.6656477,0.3549504,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,scontrol_raw_search,day,state,2020-02-14,2024-07-13,51,1.386,12.48,3.6053961,0.5999558,2024-07-17 13:15:36,20240717,4,738 -google-symptoms,scontrol_smoothed_search,day,county,2020-02-20,2024-07-13,1438,0.0,7.4088571,3.2498719,0.9947871,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,hhs,2020-02-20,2024-07-13,10,2.1692694,6.0588907,3.5622185,0.4422332,2024-07-17 13:15:33,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,hrr,2020-02-20,2024-07-13,306,0.0,6.844638,3.1042179,0.8640953,2024-07-17 13:15:35,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,msa,2020-02-20,2024-07-13,384,0.0,7.3748571,3.4726074,0.7844,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,nation,2020-02-20,2024-07-13,1,2.7735218,5.4817889,3.6667235,0.2933651,2024-07-17 13:15:36,20240717,4,732 -google-symptoms,scontrol_smoothed_search,day,state,2020-02-20,2024-07-13,51,1.4714286,6.9245714,3.6065001,0.5602287,2024-07-17 13:15:37,20240717,4,732 -google-symptoms,sum_anosmia_ageusia_raw_search,day,county,2020-02-13,2022-01-20,109,0.03,9.37,0.3426697,0.2744206,2022-01-24 14:03:00,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_raw_search,day,hhs,2020-02-14,2022-01-20,10,0.0173693227372303,3.968084714292517,0.3342102,0.2173844,2022-01-24 14:03:00,20220124,4,669 -google-symptoms,sum_anosmia_ageusia_raw_search,day,hrr,2020-02-13,2022-01-20,115,7.070846583878629e-07,7.166425730186382,0.2073388,0.2238387,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_raw_search,day,msa,2020-02-13,2022-01-20,64,0.0103831618662323,4.602604251458484,0.2531459,0.2000587,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_raw_search,day,nation,2020-02-14,2022-01-20,1,0.0765355929387654,1.805430711780656,0.3564321,0.1798115,2022-01-24 14:03:01,20220124,4,669 -google-symptoms,sum_anosmia_ageusia_raw_search,day,state,2020-02-13,2022-01-20,44,0.03,5.07,0.3827677,0.23348,2022-01-24 14:03:01,20220124,4,336 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,county,2020-02-20,2022-01-20,109,0.0499999999999999,5.484285714285714,0.3699355,0.2612152,2022-01-24 14:03:00,20220124,3,329 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,hhs,2020-02-20,2022-01-20,10,0.0423773980448919,2.7006648511779376,0.3352803,0.2044591,2022-01-24 14:03:00,20220124,4,663 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,hrr,2020-02-20,2022-01-20,115,8.107787174398055e-06,5.295854117677505,0.2186379,0.2170476,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,msa,2020-02-20,2022-01-20,64,0.0184719697237309,3.3155482298349237,0.2682165,0.1921036,2022-01-24 14:03:01,20220124,3,329 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,nation,2020-02-20,2022-01-20,1,0.0830425325246353,1.0206403040899057,0.3571776,0.1669782,2022-01-24 14:03:01,20220124,4,663 -google-symptoms,sum_anosmia_ageusia_smoothed_search,day,state,2020-02-20,2022-01-20,44,0.0514285714285714,3.487142857142857,0.3951061,0.2187848,2022-01-24 14:03:01,20220124,3,329 -hhs,confirmed_admissions_covid_1d,day,hhs,2019-12-31,2024-04-26,10,0.0,5435.0,461.1311591,633.5614487,2024-05-04 18:12:32,20240504,3,1199 -hhs,confirmed_admissions_covid_1d,day,nation,2019-12-31,2024-04-26,1,0.0,23473.0,4540.0417986,4189.309632,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_covid_1d,day,state,2019-12-31,2024-04-26,54,0.0,2580.0,96.1909912,179.0364888,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_covid_1d_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,5048.4285714,462.7522463,629.8128073,2024-05-04 18:12:32,20240504,4,1193 -hhs,confirmed_admissions_covid_1d_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,21996.7142857,4555.7389883,4155.626106,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_covid_1d_7dav,day,state,2020-01-06,2024-04-26,54,-2.18873,2402.8571429,96.0135017,177.278203,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_covid_1d_prop,day,hhs,2019-12-31,2024-04-26,10,0.0,9.2921323,1.3065361,1.3107456,2024-05-04 18:12:32,20240504,3,1199 -hhs,confirmed_admissions_covid_1d_prop,day,nation,2019-12-31,2024-04-26,1,0.0,7.0411442,1.3624152,1.2563057,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_covid_1d_prop,day,state,2019-12-31,2024-04-26,54,0.0,30.6201481,1.4766189,1.5482264,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,8.4438675,1.3107632,1.2970562,2024-05-04 18:12:32,20240504,5,1193 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,6.598306,1.3669301,1.2463811,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_covid_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54,-0.0587884,13.5606169,1.4799905,1.5007705,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d,day,hhs,2019-12-31,2024-04-26,10,0.0,1020.0,36.3701512,81.5215794,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d,day,nation,2019-12-31,2024-04-26,1,0.0,4139.0,358.050665,667.4539517,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_influenza_1d,day,state,2019-12-31,2024-04-26,54,0.0,527.0,8.079549,22.3643642,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,824.4285714,36.4463386,80.8724694,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,3810.4285714,358.8049224,664.1485754,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_influenza_1d_7dav,day,state,2020-01-06,2024-04-26,54,-235.7730334,466.7142857,7.9743098,22.2495347,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d_prop,day,hhs,2019-12-31,2024-04-26,10,0.0,2.1320358,0.1081863,0.2206152,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d_prop,day,nation,2019-12-31,2024-04-26,1,0.0,1.2415667,0.1074078,0.2002126,2024-05-04 18:12:32,20240504,8,1199 -hhs,confirmed_admissions_influenza_1d_prop,day,state,2019-12-31,2024-04-26,54,0.0,3.4666547,0.1327134,0.2825847,2024-05-04 18:12:32,20240504,2,1199 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,1.887586,0.1084012,0.2181674,2024-05-04 18:12:32,20240504,2,1193 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,1.1430059,0.1076326,0.1992218,2024-05-04 18:12:32,20240504,8,1193 -hhs,confirmed_admissions_influenza_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54,-7.5128606,3.1329084,0.1299443,0.289478,2024-05-04 18:12:32,20240504,2,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,hhs,2019-12-31,2024-04-26,10,0.0,6806.0,839.2928728,929.1560226,2024-05-04 18:12:32,20240504,4,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,nation,2019-12-31,2024-04-26,1,0.0,30339.0,8263.2216593,6137.0740488,2024-05-04 18:12:32,20240504,8,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d,day,state,2019-12-31,2024-04-26,54,0.0,3336.0,176.9070707,270.2597076,2024-05-04 18:12:32,20240504,2,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,6255.1428571,842.0457741,921.1235546,2024-05-04 18:12:32,20240504,5,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,28260.7142857,8289.8381618,6066.4615525,2024-05-04 18:12:32,20240504,8,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_7dav,day,state,2020-01-06,2024-04-26,54,-1947060.9047407,3031.2857143,-295.5559628,21361.3282651,2024-05-04 18:12:32,20240504,2,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,hhs,2019-12-31,2024-04-26,10,0.0,11.2926069,2.4350865,1.9583555,2024-05-04 18:12:32,20240504,4,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,nation,2019-12-31,2024-04-26,1,0.0,9.1007231,2.4797186,1.8400811,2024-05-04 18:12:32,20240504,8,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop,day,state,2019-12-31,2024-04-26,54,0.0,112.4449151,2.8111772,2.6390245,2024-05-04 18:12:32,20240504,2,1199 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,hhs,2020-01-06,2024-04-26,10,0.0,10.5333585,2.442418,1.9278248,2024-05-04 18:12:32,20240504,5,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,nation,2020-01-06,2024-04-26,1,0.0,8.4773043,2.487346,1.8193067,2024-05-04 18:12:32,20240504,8,1193 -hhs,sum_confirmed_suspected_admissions_covid_1d_prop_7dav,day,state,2020-01-06,2024-04-26,54,-28244.5801805,51.476778,-8.4047634,422.0103505,2024-05-04 18:12:32,20240504,2,1193 -hospital-admissions,smoothed_adj_covid19,day,county,2020-02-01,2020-09-27,1135,0.046381,89.490451,4.9874457,5.9539161,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19,day,hrr,2020-02-01,2020-09-27,292,0.033958,48.498128,4.7894585,5.3017575,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19,day,msa,2020-02-01,2020-09-27,329,0.024278,54.758257,4.8585652,5.4583597,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19,day,state,2020-02-01,2020-09-27,51,0.013853,33.703258,5.0163537,4.901157,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_adj_covid19_from_claims,day,county,2020-02-01,2024-07-12,1177,0.039949,92.932609,3.1722823,4.694149,2024-07-17 05:25:37,20240716,3,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,hhs,2020-02-01,2024-07-12,10,0.01194,30.98829,2.9154075,3.4358447,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,hrr,2020-02-01,2024-07-12,299,0.037466,48.579963,3.1296706,4.3537278,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,msa,2020-02-01,2024-07-12,359,0.038978,92.191139,3.1640435,4.6620124,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,nation,2020-02-01,2024-07-12,1,0.020735,13.848815,3.1675374,3.2341658,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_adj_covid19_from_claims,day,state,2020-02-01,2024-07-12,51,0.013436,39.025142,2.9281557,3.8463412,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19,day,county,2020-02-01,2020-09-27,1135,0.046381,89.228289,4.9482944,5.9092093,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19,day,hrr,2020-02-01,2020-09-27,292,0.033958,47.850381,4.7536429,5.2624303,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19,day,msa,2020-02-01,2020-09-27,329,0.023832,55.304972,4.8248071,5.4208578,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19,day,state,2020-02-01,2020-09-27,51,0.013815,33.471472,4.9818181,4.8663739,2020-09-30 23:37:22,20200930,3,150 -hospital-admissions,smoothed_covid19_from_claims,day,county,2020-02-01,2024-07-12,1177,0.039949,90.293503,3.1460388,4.6547357,2024-07-17 05:25:37,20240716,3,1627 -hospital-admissions,smoothed_covid19_from_claims,day,hhs,2020-02-01,2024-07-12,10,0.01194,30.015204,2.8936553,3.4109434,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,hrr,2020-02-01,2024-07-12,299,0.037466,47.175147,3.1020013,4.3148035,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,msa,2020-02-01,2024-07-12,359,0.038978,91.481414,3.1489802,4.6386471,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,nation,2020-02-01,2024-07-12,1,0.02086,13.621166,3.1446937,3.2121386,2024-07-17 05:25:37,20240716,4,1627 -hospital-admissions,smoothed_covid19_from_claims,day,state,2020-02-01,2024-07-12,51,0.013436,38.53863,2.9027892,3.8122003,2024-07-17 05:25:37,20240716,4,1627 -indicator-combination,confirmed_7dav_cumulative_num,day,county,2020-02-20,2021-07-22,3274,0.0,1223614.2857143,4451.6919025,22017.5320001,2021-10-29 13:56:26,20211029,1,334 -indicator-combination,confirmed_7dav_cumulative_num,day,hhs,2020-04-01,2021-07-22,10,0.0,7188417.571428901,1530969.9948894,1769830.2764193,2021-10-29 13:56:30,20211029,2,318 -indicator-combination,confirmed_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-22,306,0.0,1231096.211411,47209.0843248,88790.3765754,2021-10-29 13:56:30,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_num,day,msa,2020-02-20,2021-07-22,392,0.0,2315347.8571429,32561.8929064,108591.3589872,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_num,day,nation,2020-04-01,2021-07-22,1,74929.2857143,33650273.85714449,15309699.9488942,12745243.5040741,2021-10-29 13:56:30,20211029,2,318 -indicator-combination,confirmed_7dav_cumulative_num,day,state,2020-02-20,2021-07-22,52,0.0,3760285.8571429,280274.0995621,497641.7493034,2021-10-29 13:56:27,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_prop,day,county,2020-02-20,2021-07-22,3221,0.0,82672.5905673,4345.8768113,4592.1599417,2021-10-29 13:56:30,20211029,1,334 -indicator-combination,confirmed_7dav_cumulative_prop,day,hhs,2020-04-01,2021-07-22,10,0.0,11461.734832056603,4479.4226489,3868.3229199,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,confirmed_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-22,306,0.0,17582.261312,4376.9970734,4207.6585217,2021-10-29 13:56:27,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-22,392,0.0,17506.9444955,4360.8940153,4233.6192614,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,confirmed_7dav_cumulative_prop,day,nation,2020-04-01,2021-07-22,1,22.5716054,10136.766904521428,4611.8750896,3839.3613999,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,confirmed_7dav_cumulative_prop,day,state,2020-02-20,2021-07-22,52,0.0,14571.1616265,4331.0505605,4228.9766786,2021-10-29 13:56:27,20211029,1,318 -indicator-combination,confirmed_7dav_incidence_num,day,county,2020-02-20,2021-11-12,3274,-6957.4285714,16237.4285714,22.1088929,115.4651391,2021-11-15 14:52:22,20211115,1,334 -indicator-combination,confirmed_7dav_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-2385.7142882,60077.8571421,7701.7995164,9366.1461658,2021-11-15 14:52:33,20211115,2,317 -indicator-combination,confirmed_7dav_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-878.66625472635,16309.6157378,234.124931,468.0589424,2021-11-15 14:52:33,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_num,day,msa,2020-02-20,2021-11-12,392,-1301.0,19537.4285714,156.9855208,532.5178698,2021-11-15 14:52:35,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_num,day,nation,2020-04-01,2021-11-12,1,6685.2857072,251196.4285711,77017.9951639,57826.4552552,2021-11-15 14:52:36,20211115,3,317 -indicator-combination,confirmed_7dav_incidence_num,day,state,2020-02-20,2021-11-12,52,-3731.8571429,45072.7142857,1388.8207591,2634.6073505,2021-11-15 14:52:37,20211115,1,314 -indicator-combination,confirmed_7dav_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-1904.1515998,14610.2795136,23.1677207,40.1453694,2021-11-15 14:52:23,20211115,1,334 -indicator-combination,confirmed_7dav_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-3.565656322020853,113.5732954,22.5814568,20.0656748,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,confirmed_7dav_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-132.5722959,683.6028314,22.5266058,25.799739,2021-11-15 14:52:33,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-793.0152259,1416.7418761,22.5201767,27.8145349,2021-11-15 14:52:35,20211115,1,317 -indicator-combination,confirmed_7dav_incidence_prop,day,nation,2020-04-01,2021-11-12,1,2.0138672,75.6701017,23.2008057,17.4195699,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,confirmed_7dav_incidence_prop,day,state,2020-02-20,2021-11-12,52,-71.7332496,243.0667775,22.1858507,24.1984599,2021-11-15 14:52:37,20211115,1,314 -indicator-combination,confirmed_cumulative_num,day,county,2020-02-20,2021-11-12,3274,-1.0,1440262.0,5984.3194498,27226.9606968,2021-11-15 14:52:24,20211115,1,334 -indicator-combination,confirmed_cumulative_num,day,hhs,2020-04-01,2021-11-12,10,2834.0,10754684.0,2090196.4639594,2189823.6843901,2021-11-15 14:52:33,20211115,2,318 -indicator-combination,confirmed_cumulative_num,day,hrr,2020-02-20,2021-11-12,306,0.0,1449997.4965287,63347.0964754,109740.8308671,2021-11-15 14:52:33,20211115,1,318 -indicator-combination,confirmed_cumulative_num,day,msa,2020-02-20,2021-11-12,392,0.0,2707438.0,43084.3244209,133675.1598697,2021-11-15 14:52:35,20211115,1,318 -indicator-combination,confirmed_cumulative_num,day,nation,2020-04-01,2021-11-12,1,213422.0,46163217.0,20901964.6395939,14855182.7665433,2021-11-15 14:52:36,20211115,3,318 -indicator-combination,confirmed_cumulative_num,day,state,2020-02-20,2021-11-12,52,0.0,4719201.0,375917.7284567,620905.9963105,2021-11-15 14:52:37,20211115,1,318 -indicator-combination,confirmed_cumulative_prop,day,county,2020-02-20,2021-11-12,3221,0.0,113157.0023737,5932.7759708,5489.5382716,2021-11-15 14:52:25,20211115,1,334 -indicator-combination,confirmed_cumulative_prop,day,hhs,2020-04-01,2021-11-12,10,20.042121,16073.805310890504,6114.013827,4507.0973691,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,confirmed_cumulative_prop,day,hrr,2020-02-20,2021-11-12,306,0.0,23409.3912388,5909.2742684,5007.9501693,2021-11-15 14:52:34,20211115,1,318 -indicator-combination,confirmed_cumulative_prop,day,msa,2020-02-20,2021-11-12,392,0.0,23963.098094,5838.3391798,5069.5083137,2021-11-15 14:52:35,20211115,1,318 -indicator-combination,confirmed_cumulative_prop,day,nation,2020-04-01,2021-11-12,1,64.2909795,13906.150430704109,6296.4819929,4474.9568954,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,confirmed_cumulative_prop,day,state,2020-02-20,2021-11-12,52,0.0,20128.9936483,5812.9343872,5005.4235412,2021-11-15 14:52:37,20211115,1,318 -indicator-combination,confirmed_incidence_num,day,county,2020-02-20,2021-11-12,3274,-148527.0,42904.0,22.2074281,297.80297,2021-11-15 14:52:26,20211115,1,334 -indicator-combination,confirmed_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-24483.0,190937.0,7725.6541455,10662.7906019,2021-11-15 14:52:33,20211115,2,312 -indicator-combination,confirmed_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-17909.257254467,47945.581734851,235.1779886,639.5392126,2021-11-15 14:52:34,20211115,1,314 -indicator-combination,confirmed_incidence_num,day,msa,2020-02-20,2021-11-12,392,-18686.0,65726.0,157.6013825,663.4550004,2021-11-15 14:52:35,20211115,1,314 -indicator-combination,confirmed_incidence_num,day,nation,2020-04-01,2021-11-12,1,-13564.0,367596.0,77256.5414552,63187.0620031,2021-11-15 14:52:36,20211115,3,312 -indicator-combination,confirmed_incidence_num,day,state,2020-02-20,2021-11-12,52,-26123.0,184937.0,1395.0080331,3162.0483412,2021-11-15 14:52:37,20211115,1,312 -indicator-combination,confirmed_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-101729.3997965,101792.3751393,23.3303381,134.0622205,2021-11-15 14:52:27,20211115,1,334 -indicator-combination,confirmed_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-38.6377762,446.98884,22.6624843,24.2530097,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,confirmed_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-4448.496536,4522.4817459,22.6622844,44.7123514,2021-11-15 14:52:34,20211115,1,314 -indicator-combination,confirmed_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-5610.2577169,9817.2538102,22.6600526,51.953771,2021-11-15 14:52:35,20211115,1,314 -indicator-combination,confirmed_incidence_prop,day,nation,2020-04-01,2021-11-12,1,-4.0860026,110.7341647,23.2726651,19.0343925,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,confirmed_incidence_prop,day,state,2020-02-20,2021-11-12,52,-1064.0310198,1208.2647001,22.3484305,39.0445092,2021-11-15 14:52:37,20211115,1,312 -indicator-combination,deaths_7dav_cumulative_num,day,county,2020-02-20,2021-07-22,3274,-0.8571429,24591.7142857,89.0526477,455.8095796,2021-10-29 13:56:27,20211029,1,334 -indicator-combination,deaths_7dav_cumulative_num,day,hhs,2020-04-01,2021-07-22,10,0.0,122223.8571425,30680.4244471,30544.0285349,2021-10-29 13:56:27,20211029,2,317 -indicator-combination,deaths_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-22,306,0.0,24684.7851819,944.2730089,1831.152352,2021-10-29 13:56:30,20211029,1,317 -indicator-combination,deaths_7dav_cumulative_num,day,msa,2020-02-20,2021-07-22,392,0.0,64098.5714286,645.9568113,2820.0567566,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,deaths_7dav_cumulative_num,day,nation,2020-04-01,2021-07-22,1,1509.0,605490.7142845,306804.244471,203390.6676691,2021-10-29 13:56:27,20211029,2,317 -indicator-combination,deaths_7dav_cumulative_num,day,state,2020-02-20,2021-07-22,52,0.0,63489.1428571,5597.7123275,9450.7260523,2021-10-29 13:56:27,20211029,1,313 -indicator-combination,deaths_7dav_cumulative_prop,day,county,2020-02-20,2021-07-22,3221,0.0,865.8008658,86.1857417,109.1087456,2021-10-29 13:56:30,20211029,1,334 -indicator-combination,deaths_7dav_cumulative_prop,day,hhs,2020-04-01,2021-07-22,10,0.0,257.10243768508366,90.3874467,69.311358,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,deaths_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-22,306,0.0,447.3055058,85.7092678,83.5464891,2021-10-29 13:56:27,20211029,1,317 -indicator-combination,deaths_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-22,392,0.0,409.4583782,77.2413093,79.5813029,2021-10-29 13:56:33,20211029,1,318 -indicator-combination,deaths_7dav_cumulative_prop,day,nation,2020-04-01,2021-07-22,1,0.4545693,182.39727437614965,92.4213314,61.2691533,2021-10-29 13:56:27,20211029,2,330 -indicator-combination,deaths_7dav_cumulative_prop,day,state,2020-02-20,2021-07-22,52,0.0,298.2372591,79.2846492,74.5228878,2021-10-29 13:56:27,20211029,1,313 -indicator-combination,deaths_7dav_incidence_num,day,county,2020-02-20,2021-11-12,3274,-254.2857143,686.8571429,0.3590364,2.8958922,2021-11-15 14:52:28,20211115,1,334 -indicator-combination,deaths_7dav_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-3.1428575,1210.9999961999995,124.9525734,154.3357872,2021-11-15 14:52:33,20211115,2,317 -indicator-combination,deaths_7dav_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-25.2855085,430.8454645,3.6795073,9.3771559,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_7dav_incidence_num,day,msa,2020-02-20,2021-11-12,392,-153.7142857,1185.0,2.3953846,13.3030792,2021-11-15 14:52:35,20211115,1,318 -indicator-combination,deaths_7dav_incidence_num,day,nation,2020-04-01,2021-11-12,1,196.142843,3511.571428,1249.5257335,783.8521562,2021-11-15 14:52:36,20211115,3,317 -indicator-combination,deaths_7dav_incidence_num,day,state,2020-02-20,2021-11-12,52,-53.0,955.85714285714,22.544682,48.2912951,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_7dav_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-1345.5069678,1345.5069678,0.4115553,1.8048072,2021-11-15 14:52:28,20211115,1,334 -indicator-combination,deaths_7dav_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-0.0218996,3.6923205,0.3554414,0.3633378,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,deaths_7dav_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-10.403212,12.6861376,0.360123,0.5118885,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_7dav_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-30.2564418,30.2564418,0.3425532,0.5820389,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_7dav_incidence_prop,day,nation,2020-04-01,2021-11-12,1,0.0590858,1.0578214,0.3764056,0.2361267,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,deaths_7dav_incidence_prop,day,state,2020-02-20,2021-11-12,52,-1.1045736,6.5277897,0.3342936,0.4295404,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_cumulative_num,day,county,2020-02-20,2021-11-12,3274,-6.0,26620.0,112.3033097,545.2133812,2021-11-15 14:52:29,20211115,1,334 -indicator-combination,deaths_cumulative_num,day,hhs,2020-04-01,2021-11-12,10,42.0,175955.0,39221.4698816,36253.7431315,2021-11-15 14:52:33,20211115,2,317 -indicator-combination,deaths_cumulative_num,day,hrr,2020-02-20,2021-11-12,306,0.0,26734.5151766,1182.3602567,2115.7369269,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_cumulative_num,day,msa,2020-02-20,2021-11-12,392,0.0,65872.0,796.0354813,3147.3979619,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_cumulative_num,day,nation,2020-04-01,2021-11-12,1,5395.0,757905.0,392214.6988156,226518.2828577,2021-11-15 14:52:36,20211115,3,316 -indicator-combination,deaths_cumulative_num,day,state,2020-02-20,2021-11-12,52,0.0,72025.0,7053.902842,11290.4859944,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_cumulative_prop,day,county,2020-02-20,2021-11-12,3221,-2.1855057,9418.5487746,114.3161118,127.0910736,2021-11-15 14:52:30,20211115,1,334 -indicator-combination,deaths_cumulative_prop,day,hhs,2020-04-01,2021-11-12,10,0.2970251,270.0505137167101,114.0193479,75.0077572,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,deaths_cumulative_prop,day,hrr,2020-02-20,2021-11-12,306,0.0,468.3035098,109.2108647,94.016468,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_cumulative_prop,day,msa,2020-02-20,2021-11-12,392,0.0,502.09532,99.4237986,91.8949409,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_cumulative_prop,day,nation,2020-04-01,2021-11-12,1,1.6251831,228.3103654189177,118.1502711,68.2360875,2021-11-15 14:52:36,20211115,3,330 -indicator-combination,deaths_cumulative_prop,day,state,2020-02-20,2021-11-12,52,0.0,343.3682106,100.0364694,83.6742364,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_incidence_num,day,county,2020-02-20,2021-11-12,3274,-2039.0,3112.0,0.3603695,5.4952678,2021-11-15 14:52:31,20211115,1,334 -indicator-combination,deaths_incidence_num,day,hhs,2020-04-01,2021-11-12,10,-1407.0,3112.0,125.0966159,192.0161107,2021-11-15 14:52:33,20211115,2,316 -indicator-combination,deaths_incidence_num,day,hrr,2020-02-20,2021-11-12,306,-243.0117977,1233.7505426,3.6924741,12.5288124,2021-11-15 14:52:34,20211115,1,318 -indicator-combination,deaths_incidence_num,day,msa,2020-02-20,2021-11-12,392,-1076.0,2795.0,2.4017705,15.9164269,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_incidence_num,day,nation,2020-04-01,2021-11-12,1,60.0,5073.0,1250.9661591,938.9711774,2021-11-15 14:52:37,20211115,3,317 -indicator-combination,deaths_incidence_num,day,state,2020-02-20,2021-11-12,52,-2039.0,3112.0,22.6283167,66.4805602,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,deaths_incidence_prop,day,county,2020-02-20,2021-11-12,3221,-9418.5487746,9418.5487746,0.4144913,9.8963304,2021-11-15 14:52:32,20211115,1,334 -indicator-combination,deaths_incidence_prop,day,hhs,2020-04-01,2021-11-12,10,-2.1028831783828275,5.9858728,0.355723,0.4624611,2021-11-15 14:52:33,20211115,2,330 -indicator-combination,deaths_incidence_prop,day,hrr,2020-02-20,2021-11-12,306,-77.2274987,78.6293771,0.3619639,0.8969666,2021-11-15 14:52:34,20211115,1,317 -indicator-combination,deaths_incidence_prop,day,msa,2020-02-20,2021-11-12,392,-211.7950926,211.7950926,0.3444498,1.3139372,2021-11-15 14:52:36,20211115,1,318 -indicator-combination,deaths_incidence_prop,day,nation,2020-04-01,2021-11-12,1,0.0180743,1.5281842,0.3768395,0.2828545,2021-11-15 14:52:37,20211115,3,330 -indicator-combination,deaths_incidence_prop,day,state,2020-02-20,2021-11-12,52,-9.381911,43.1070973,0.3363865,0.7775213,2021-11-15 14:52:37,20211115,1,313 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,county,2020-04-15,2021-03-16,2568,0.0772939554526739,7.249569898307247,0.8020888,0.3469438,2021-03-17 19:26:02,20210317,1,96 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,msa,2020-04-15,2021-03-16,385,0.048225644401162,11.443310258552296,0.723743,0.3998013,2021-03-17 19:26:03,20210317,1,96 -indicator-combination,nmf_day_doc_fbc_fbs_ght,day,state,2020-04-15,2021-03-15,52,0.112490007177036,5.9145150758884615,0.792171,0.3823998,2021-03-17 19:26:02,20210317,1,96 -indicator-combination,nmf_day_doc_fbs_ght,day,county,2020-04-06,2020-05-26,2296,0.0,16.246099029316,0.7203178,0.5380712,2020-05-27 05:51:41,20200527,1,51 -indicator-combination,nmf_day_doc_fbs_ght,day,msa,2020-04-06,2020-05-26,382,0.0,4.32452661550886,0.7509085,0.4499194,2020-05-27 05:51:41,20200527,1,51 -indicator-combination,nmf_day_doc_fbs_ght,day,state,2020-04-06,2020-05-26,52,0.0747817727440569,2.81993801241547,0.8575687,0.3721018,2020-05-27 05:51:41,20200527,1,51 -jhu-csse,confirmed_7dav_cumulative_num,day,county,2020-02-20,2021-07-24,3282,0.0,1273531.1428571,4582.0314916,22504.3819196,2021-07-25 14:11:01,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,hhs,2020-02-20,2021-07-24,10,0.0,7502075.1428571,1501599.8941322,1784142.1776819,2021-07-25 14:12:29,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-24,306,0.0,1281828.762904,48458.6734733,90833.944416,2021-07-25 14:12:30,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,msa,2020-02-20,2021-07-24,392,0.0,2335772.5714286,32724.7979168,110129.4225725,2021-07-25 14:12:39,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,nation,2020-02-20,2021-07-24,1,14.0,34218297.2857143,15017599.4123938,12924731.7886493,2021-07-25 14:12:50,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_num,day,state,2020-02-20,2021-07-24,56,0.0,3882270.5714286,268142.8382428,493481.2409128,2021-07-25 14:12:51,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,county,2020-02-20,2021-07-24,3274,0.0,44068.6845931,4417.5741688,4581.8371522,2021-07-25 14:11:06,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,hhs,2020-02-20,2021-07-24,10,0.0,11481.4709598,4390.0646849,3914.4412687,2021-07-25 14:12:29,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-24,306,0.0,17932.6864002,4490.5310432,4208.3379905,2021-07-25 14:12:30,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-24,392,0.0,17506.9444955,4365.0146125,4268.0348645,2021-07-25 14:12:39,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,nation,2020-02-20,2021-07-24,1,0.0042129,10296.9382077,4519.0820538,3889.2982742,2021-07-25 14:12:50,20210725,1,428 -jhu-csse,confirmed_7dav_cumulative_prop,day,state,2020-02-20,2021-07-24,56,0.0,14578.8475403,4209.7985746,4200.4128035,2021-07-25 14:12:51,20210725,1,428 -jhu-csse,confirmed_7dav_incidence_num,day,county,2020-02-20,2023-03-09,3284,-55155.8571429,55155.7142857,28.3952515,199.7991459,2023-03-10 10:58:39,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-206.7142857,179745.8571429,9307.0435089,15214.0682299,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,hrr,2020-02-20,2023-03-09,306,-3856.368581,41764.0236591,297.9313466,774.2768196,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,msa,2020-02-20,2023-03-09,392,-3857.1428571,88629.4285714,202.9255727,933.9193079,2023-03-10 11:00:32,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,nation,2020-02-20,2023-03-09,1,0.2857143,806782.1428571,93043.1446525,114522.2791263,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_num,day,state,2020-02-20,2023-03-09,56,-3588.1428571,123179.4285714,1662.2722518,4172.8495144,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,county,2020-02-20,2023-03-09,3276,-1686.1219196,2841.3575375,27.101371,43.7137121,2023-03-10 10:58:47,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-1.4591803,392.7720066,27.3187456,36.2477389,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,hrr,2020-02-20,2023-03-09,306,-122.4798617,690.4598967,27.5967365,38.416351,2023-03-10 11:00:23,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,msa,2020-02-20,2023-03-09,392,-199.0058129,616.6887806,27.5891708,39.6257666,2023-03-10 11:00:32,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,nation,2020-02-20,2023-03-09,1,8.57e-05,241.870203,27.8939792,34.3333416,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_7dav_incidence_prop,day,state,2020-02-20,2023-03-09,56,-59.7145264,658.5922059,27.621264,40.4790137,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,county,2020-01-22,2023-03-09,3284,-3073.0,3710586.0,14353.1869473,63767.5389842,2023-03-10 10:58:56,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,hhs,2020-02-20,2023-03-09,10,0.0,22820900.0,4825882.233519,5140574.2058624,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,hrr,2020-01-22,2023-03-09,306,0.0,3730976.336434,150971.0242582,258092.7498978,2023-03-10 11:00:23,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,msa,2020-01-22,2023-03-09,392,0.0,7174275.0,102240.7889401,317181.9992659,2023-03-10 11:00:33,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,nation,2020-02-20,2023-03-09,1,16.0,103759705.0,48280583.8779174,36106734.8695721,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_num,day,state,2020-01-22,2023-03-09,56,0.0,12129699.0,841422.3893843,1438788.0526839,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,county,2020-01-22,2023-03-09,3276,0.0,222651.9337017,13910.3505283,11790.9558726,2023-03-10 10:59:05,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,hhs,2020-02-20,2023-03-09,10,0.0,34229.2575611,14157.6410136,10766.8762807,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,hrr,2020-01-22,2023-03-09,306,0.0,53215.8354471,14039.5268056,11201.3530986,2023-03-10 11:00:24,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,msa,2020-01-22,2023-03-09,392,0.0,49355.6779666,13931.4030991,11380.4602644,2023-03-10 11:00:34,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,nation,2020-02-20,2023-03-09,1,0.0047967,31106.7630072,14474.3345265,10824.6611202,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_cumulative_prop,day,state,2020-01-22,2023-03-09,56,0.0,43580.1820977,13802.5773159,11492.6760266,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,county,2020-01-22,2023-03-09,3284,-379973.0,150251.0,27.7235964,470.1277512,2023-03-10 10:59:15,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-7449.0,399993.0,9315.8598886,18034.5429404,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,hrr,2020-01-22,2023-03-09,306,-26994.5800669,130067.1647396,290.628315,1123.0934006,2023-03-10 11:00:25,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,msa,2020-01-22,2023-03-09,392,-27000.0,189842.0,198.0688441,1227.1508316,2023-03-10 11:00:35,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,nation,2020-02-20,2023-03-09,1,-3862.0,1354180.0,93141.5529623,127207.5285887,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_incidence_num,day,state,2020-01-22,2023-03-09,56,-27000.0,207110.0,1625.2383288,5188.8291669,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,county,2020-01-22,2023-03-09,3276,-11802.8534371,11123.5744999,26.4636876,78.2824164,2023-03-10 10:59:25,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-52.5819213,800.8907647,27.3441848,44.3496797,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,hrr,2020-01-22,2023-03-09,306,-1181.5455977,3739.329053,26.9242122,63.6451361,2023-03-10 11:00:26,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,msa,2020-01-22,2023-03-09,392,-1758.6873497,4131.1710137,26.9369303,65.8709355,2023-03-10 11:00:36,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,nation,2020-02-20,2023-03-09,1,-1.1578128,405.9779886,27.9234816,38.1363309,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,confirmed_incidence_prop,day,state,2020-01-22,2023-03-09,56,-418.0016846,1830.0041427,27.0079029,59.5064043,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_7dav_cumulative_num,day,county,2020-02-20,2021-07-24,3282,0.0,24605.7142857,91.0756647,457.7033909,2021-07-25 14:11:47,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,hhs,2020-02-20,2021-07-24,10,0.0,122371.7142857,29844.3231149,30809.2957863,2021-07-25 14:12:29,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,hrr,2020-02-20,2021-07-24,306,0.0,24704.173594,961.7329457,1838.2063543,2021-07-25 14:12:34,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,msa,2020-02-20,2021-07-24,392,0.0,64432.8571429,647.2079421,2819.3812933,2021-07-25 14:12:44,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,nation,2020-02-20,2021-07-24,1,1.0,609746.4285714,298466.2292295,208991.9277043,2021-07-25 14:12:50,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_num,day,state,2020-02-20,2021-07-24,56,0.0,64175.4285714,5329.3434134,9345.5475859,2021-07-25 14:12:52,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,county,2020-02-20,2021-07-24,3274,0.0,865.8008658,86.9831932,109.2082606,2021-07-25 14:11:52,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,hhs,2020-02-20,2021-07-24,10,0.0,257.8601376,87.6666226,70.4070081,2021-07-25 14:12:29,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,hrr,2020-02-20,2021-07-24,306,0.0,448.2516859,87.5430088,83.7548751,2021-07-25 14:12:35,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,msa,2020-02-20,2021-07-24,392,0.0,411.1138703,77.5600648,80.1993607,2021-07-25 14:12:45,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,nation,2020-02-20,2021-07-24,1,0.0003009,183.4843284,89.8141802,62.8896566,2021-07-25 14:12:50,20210725,1,486 -jhu-csse,deaths_7dav_cumulative_prop,day,state,2020-02-20,2021-07-24,56,0.0,299.0060527,76.573521,74.2259352,2021-07-25 14:12:52,20210725,1,486 -jhu-csse,deaths_7dav_incidence_num,day,county,2020-02-20,2023-03-09,3284,-3607.5714286,418.1428571,0.3075687,5.7273992,2023-03-10 10:59:35,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-77.7142857,1290.0,100.7926756,133.5207972,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,hrr,2020-02-20,2023-03-09,306,-56.6686916,710.7492667,3.2353914,9.2226356,2023-03-10 11:00:27,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,msa,2020-02-20,2023-03-09,392,-153.7142857,982.8571429,2.0747886,11.3428703,2023-03-10 11:00:37,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,nation,2020-02-20,2023-03-09,1,0.0,3376.4285714,1007.5125673,767.0529034,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_num,day,state,2020-02-20,2023-03-09,56,-100.5714286,1013.5714286,18.0009672,38.6344064,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,county,2020-02-20,2023-03-09,3276,-41.3288637,93.779306,0.365256,1.1151402,2023-03-10 10:59:43,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-0.4945528,4.0251346,0.2878276,0.3181404,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,hrr,2020-02-20,2023-03-09,306,-8.3471689,30.6551546,0.3196907,0.5725128,2023-03-10 11:00:28,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,msa,2020-02-20,2023-03-09,392,-30.2564418,35.1984464,0.3061659,0.6238996,2023-03-10 11:00:38,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,nation,2020-02-20,2023-03-09,1,0.0,1.0122404,0.3020484,0.2299595,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_7dav_incidence_prop,day,state,2020-02-20,2023-03-09,56,-2.8933225,6.1581568,0.2802725,0.3726797,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,county,2020-01-22,2023-03-09,3284,-82.0,35545.0,190.5197878,780.0843981,2023-03-10 10:59:51,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,hhs,2020-02-20,2023-03-09,10,0.0,259166.0,64052.6121441,59661.1248867,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,hrr,2020-01-22,2023-03-09,306,0.0,35736.6565225,1996.5240135,3094.770263,2023-03-10 11:00:28,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,msa,2020-01-22,2023-03-09,392,0.0,86123.0,1297.1952789,4213.0963038,2023-03-10 11:00:39,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,nation,2020-02-20,2023-03-09,1,1.0,1123647.0,640678.7935368,367150.4558116,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_cumulative_num,day,state,2020-01-22,2023-03-09,56,0.0,101159.0,11168.8936217,16972.8601255,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,county,2020-01-22,2023-03-09,3276,0.0,1386.962552,214.3349027,195.0967167,2023-03-10 10:59:59,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,hhs,2020-02-20,2023-03-09,10,0.0,383.8666291,182.9312278,111.7193226,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,hrr,2020-01-22,2023-03-09,306,0.0,670.510457,193.1950839,144.654354,2023-03-10 11:00:29,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,msa,2020-01-22,2023-03-09,392,0.0,768.3949799,181.0682597,149.2546543,2023-03-10 11:00:40,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,nation,2020-02-20,2023-03-09,1,0.0002998,336.8650762,192.0730537,110.0703035,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_cumulative_prop,day,state,2020-01-22,2023-03-09,56,0.0,451.4689698,168.8182177,128.4863521,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,county,2020-01-22,2023-03-09,3284,-25525.0,2874.0,0.3002776,14.6826257,2023-03-10 11:00:07,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,hhs,2020-02-20,2023-03-09,10,-661.0,2452.0,100.8800755,163.8194274,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,hrr,2020-01-22,2023-03-09,306,-593.9064838,4975.2448667,3.1563923,17.9064987,2023-03-10 11:00:30,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,msa,2020-01-22,2023-03-09,392,-1076.0,6165.0,2.0254899,18.5879756,2023-03-10 11:00:41,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,nation,2020-02-20,2023-03-09,1,-253.0,4375.0,1008.6050269,925.0308337,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_incidence_num,day,state,2020-01-22,2023-03-09,56,-704.0,2441.0,17.5963736,50.492574,2023-03-10 11:00:44,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,county,2020-01-22,2023-03-09,3276,-289.3020459,656.4551422,0.3566426,2.7174116,2023-03-10 11:00:15,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,hhs,2020-02-20,2023-03-09,10,-3.7986275,17.3084805,0.2880929,0.4283799,2023-03-10 11:00:22,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,hrr,2020-01-22,2023-03-09,306,-58.4301826,214.5860825,0.3119563,1.2531446,2023-03-10 11:00:31,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,msa,2020-01-22,2023-03-09,392,-211.7950926,246.3891249,0.298964,1.4898235,2023-03-10 11:00:42,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,nation,2020-02-20,2023-03-09,1,-0.0758484,1.3116083,0.3023759,0.2773207,2023-03-10 11:00:43,20230310,1,1107 -jhu-csse,deaths_incidence_prop,day,state,2020-01-22,2023-03-09,56,-20.2532572,43.1070973,0.2740545,0.666353,2023-03-10 11:00:44,20230310,1,1107 -nchs-mortality,deaths_allcause_incidence_num,week,nation,2020-02-02,2024-06-30,1,18367.0,87415.0,62753.1212121,8137.3670414,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_allcause_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,12529.0,1219.2535655,1270.4477288,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_allcause_incidence_prop,week,nation,2020-02-02,2024-06-30,1,5.4974047,26.1640786,18.7825613,2.4355855,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_allcause_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,64.7936347,19.7829043,4.1936175,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_num,week,nation,2020-02-02,2024-06-30,1,1.0,13560.0,2546.4891775,3102.444584,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,3120.0,74.7734843,166.3656996,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.0002993,4.0586273,0.7621866,0.928589,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_covid_and_pneumonia_notflu_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,15.0593874,1.0323062,1.3851003,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_incidence_num,week,nation,2020-02-02,2024-06-30,1,4.0,26028.0,5180.4069264,5803.1619944,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_covid_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,6900.0,125.7584204,277.4175157,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_covid_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.0011972,7.7904094,1.5505414,1.7369374,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_covid_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,35.6833011,1.8490244,2.4358915,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_flu_incidence_num,week,nation,2020-02-02,2024-06-30,1,3.0,1053.0,130.7359307,219.5542404,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_flu_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,341.0,2.5239014,9.8127152,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_flu_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.0008979,0.3151722,0.0391304,0.0657145,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_flu_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,1.7634791,0.0286143,0.1006508,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_percent_of_expected,week,nation,2020-02-02,2024-06-30,1,35.0,148.0,115.012987,12.6479061,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_percent_of_expected,week,state,2020-01-26,2024-06-30,52,0.0,974.0,116.6793394,26.8318025,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_pneumonia_notflu_incidence_num,week,nation,2020-02-02,2024-06-30,1,1033.0,16923.0,5621.978355,3210.6857077,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_pneumonia_notflu_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,3516.0,119.3092671,183.7273371,2024-07-11 20:02:31,202428,1,151 -nchs-mortality,deaths_pneumonia_notflu_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.309186,5.0652028,1.6827076,0.9609865,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_pneumonia_notflu_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,18.0071383,1.7942397,1.3154329,2024-07-11 20:02:32,202428,1,151 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_num,week,nation,2020-02-02,2024-06-30,1,1130.0,29426.0,8373.3246753,5879.3912842,2024-07-11 20:02:31,202428,1,206 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_num,week,state,2020-01-26,2024-06-30,52,0.0,7487.0,171.2118748,295.1599189,2024-07-11 20:02:32,202428,1,151 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_prop,week,nation,2020-02-02,2024-06-30,1,0.3382189,8.8074607,2.5062097,1.7597535,2024-07-11 20:02:31,202428,1,208 -nchs-mortality,deaths_pneumonia_or_flu_or_covid_incidence_prop,week,state,2020-01-26,2024-06-30,52,0.0,38.7189674,2.6426429,2.3571262,2024-07-11 20:02:32,202428,1,151 -nssp,pct_ed_visits_combined,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,3.4143,3.7335714,2024-07-12 23:21:58,202428,1,93 -nssp,pct_ed_visits_combined,week,hrr,2022-09-25,2024-06-30,305,0.0,979.8262271,25.5895479,53.5643105,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_combined,week,msa,2022-09-25,2024-06-30,377,0.0,33.33,3.2973987,3.2894222,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_combined,week,nation,2022-09-25,2024-06-30,1,0.7,10.07,3.1775269,2.5247602,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_combined,week,state,2022-09-25,2024-06-30,48,0.0,18.51,3.2584789,2.9220065,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_covid,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,1.5876442,1.4889733,2024-07-12 23:21:59,202428,1,93 -nssp,pct_ed_visits_covid,week,hrr,2022-09-25,2024-06-30,305,0.0,311.5972081,11.8991794,21.0702111,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_covid,week,msa,2022-09-25,2024-06-30,377,0.0,25.0,1.5687724,1.2201358,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_covid,week,nation,2022-09-25,2024-06-30,1,0.34,3.79,1.4964516,0.8244994,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_covid,week,state,2022-09-25,2024-06-30,48,0.0,6.14,1.567733,1.0344043,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_influenza,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,1.5031473,2.6880486,2024-07-12 23:22:00,202428,1,93 -nssp,pct_ed_visits_influenza,week,hrr,2022-09-25,2024-06-30,305,0.0,717.7298925,11.2657727,33.1535884,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_influenza,week,msa,2022-09-25,2024-06-30,377,0.0,33.33,1.4139352,2.3319394,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_influenza,week,nation,2022-09-25,2024-06-30,1,0.15,6.69,1.4260215,1.6881173,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_influenza,week,state,2022-09-25,2024-06-30,48,0.0,14.02,1.3865659,2.0466715,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_rsv,week,county,2022-09-25,2024-06-30,2950,0.0,50.0,0.3744205,0.806547,2024-07-12 23:22:01,202428,1,93 -nssp,pct_ed_visits_rsv,week,hrr,2022-09-25,2024-06-30,305,0.0,192.012669,2.8061764,8.4453292,2024-07-12 23:22:05,202428,1,93 -nssp,pct_ed_visits_rsv,week,msa,2022-09-25,2024-06-30,377,0.0,12.5,0.3614361,0.6316735,2024-07-12 23:22:06,202428,1,93 -nssp,pct_ed_visits_rsv,week,nation,2022-09-25,2024-06-30,1,0.01,1.21,0.2988172,0.3509981,2024-07-12 23:22:07,202428,1,93 -nssp,pct_ed_visits_rsv,week,state,2022-09-25,2024-06-30,48,0.0,3.51,0.3487948,0.5227118,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,county,2022-09-25,2024-06-30,2950,0.0,99.22,3.5107064,3.9967925,2024-07-12 23:22:02,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,hrr,2022-09-25,2024-06-30,305,0.0,957.3675833,26.0703963,53.4720771,2024-07-12 23:22:05,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,msa,2022-09-25,2024-06-30,377,0.01,78.38,3.3416261,3.4476819,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,nation,2022-09-25,2024-06-30,1,0.71,9.39,3.1963441,2.4727695,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_combined,week,state,2022-09-25,2024-06-30,48,0.19,16.85,3.2816667,2.8495445,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,county,2022-09-25,2024-06-30,2950,0.0,100.0,1.6273512,1.8472852,2024-07-12 23:22:03,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,hrr,2022-09-25,2024-06-30,305,0.0,227.8170048,11.962018,20.3935122,2024-07-12 23:22:05,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,msa,2022-09-25,2024-06-30,377,0.02,8.25,1.5750287,1.1493053,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,nation,2022-09-25,2024-06-30,1,0.34,3.46,1.5069892,0.8108455,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_covid,week,state,2022-09-25,2024-06-30,48,0.14,5.69,1.5821774,1.013231,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,county,2022-09-25,2024-06-30,2950,0.0,99.59,1.5453046,2.6834442,2024-07-12 23:22:03,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,hrr,2022-09-25,2024-06-30,305,0.0,598.6853832,10.9382861,31.0064407,2024-07-12 23:22:05,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,msa,2022-09-25,2024-06-30,377,0.0,45.7197201,1.437614,2.4061246,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,nation,2022-09-25,2024-06-30,1,0.15,6.2,1.4292473,1.6461635,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_influenza,week,state,2022-09-25,2024-06-30,48,0.01,12.2,1.3912231,1.982371,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,county,2022-09-25,2024-06-30,2950,0.0,8.1,0.3803105,0.6380552,2024-07-12 23:22:04,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,hrr,2022-09-25,2024-06-30,305,0.0,111.4399065,2.4239867,6.6798595,2024-07-12 23:22:06,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,msa,2022-09-25,2024-06-30,377,0.0,5.87,0.3650536,0.5970827,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,nation,2022-09-25,2024-06-30,1,0.01,1.16,0.3034409,0.3459396,2024-07-12 23:22:07,202428,1,93 -nssp,smoothed_pct_ed_visits_rsv,week,state,2022-09-25,2024-06-30,48,0.0,3.31,0.3530914,0.5120802,2024-07-12 23:22:07,202428,1,93 -safegraph,bars_visit_num,day,county,2019-01-01,2022-05-01,328,0.0,1712.0,35.4599546,65.5341225,2022-05-05 19:37:58,20220505,4,699 -safegraph,bars_visit_num,day,hhs,2020-11-23,2022-05-01,10,0.0,6967.0,831.9868726,1061.7611531,2022-05-05 19:37:59,20220505,4,56 -safegraph,bars_visit_num,day,hrr,2019-01-01,2022-05-01,155,0.0,2391.0,71.4344727,120.4955467,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_num,day,msa,2019-01-01,2022-05-01,145,0.0,2281.3040791721087,74.5352422,135.6182876,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_num,day,nation,2020-11-23,2022-05-01,1,1236.0,21545.0,8319.8687259,3614.1063879,2022-05-05 19:38:00,20220505,4,56 -safegraph,bars_visit_num,day,state,2019-01-01,2022-05-01,44,0.0,4222.0,237.2687517,397.9090323,2022-05-05 19:38:00,20220505,4,699 -safegraph,bars_visit_prop,day,county,2019-01-01,2022-05-01,328,0.0,13112.745098,82.3334549,208.9469853,2022-05-05 19:37:58,20220505,4,699 -safegraph,bars_visit_prop,day,hhs,2020-11-23,2022-05-01,10,0.0,270.6083716,55.4404785,31.2752896,2022-05-05 19:37:59,20220505,4,56 -safegraph,bars_visit_prop,day,hrr,2019-01-01,2022-05-01,155,0.0,13112.745098,100.5553307,270.0243869,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_prop,day,msa,2019-01-01,2022-05-01,145,0.0,13112.745098,103.9871697,281.7532115,2022-05-05 19:37:59,20220505,4,699 -safegraph,bars_visit_prop,day,nation,2020-11-23,2022-05-01,1,8.575187500706795,150.8930494,59.3136132,25.6406558,2022-05-05 19:38:00,20220505,4,56 -safegraph,bars_visit_prop,day,state,2019-01-01,2022-05-01,44,0.0,3221.753721710696,89.193714,173.9372732,2022-05-05 19:38:00,20220505,4,699 -safegraph,completely_home_prop,day,county,2019-01-01,2021-04-16,3230,0.0078740157480314,0.9310344827586208,0.278665,0.0702235,2021-05-02 18:53:32,20210502,16,539 -safegraph,completely_home_prop,day,hhs,2020-12-01,2021-04-16,10,0.1797469,0.5482684,0.2909285,0.0491876,2021-05-02 18:53:53,20210502,16,61 -safegraph,completely_home_prop,day,hrr,2019-01-01,2021-04-16,306,0.0800102809419984,0.6593583,0.2930112,0.0585253,2021-05-02 18:53:53,20210502,16,735 -safegraph,completely_home_prop,day,msa,2019-01-01,2021-04-16,392,0.0396577198880759,0.7577088051783436,0.2965347,0.0598019,2021-05-02 18:53:55,20210502,16,735 -safegraph,completely_home_prop,day,nation,2020-12-01,2021-04-16,1,0.2206703,0.3855201209210644,0.2887108,0.0346086,2021-05-02 18:53:58,20210502,16,61 -safegraph,completely_home_prop,day,state,2019-01-01,2021-04-16,56,0.0575658,0.9310344827586208,0.3034599,0.0678677,2021-05-02 18:53:58,20210502,4,539 -safegraph,completely_home_prop_7dav,day,county,2019-01-01,2021-04-16,3230,0.021736285653585,0.8976667192456667,0.2795002,0.060135,2021-05-02 18:53:35,20210502,16,735 -safegraph,completely_home_prop_7dav,day,hhs,2020-12-01,2021-04-16,10,0.1994976,0.4040249,0.2932915,0.0421952,2021-05-02 18:53:53,20210502,16,61 -safegraph,completely_home_prop_7dav,day,hrr,2019-01-01,2021-04-16,306,0.0892735082523774,0.5674837168911971,0.293722,0.0513038,2021-05-02 18:53:53,20210502,16,735 -safegraph,completely_home_prop_7dav,day,msa,2019-01-01,2021-04-16,392,0.0507544139815142,0.6757879586022045,0.2972941,0.052533,2021-05-02 18:53:56,20210502,16,735 -safegraph,completely_home_prop_7dav,day,nation,2020-12-01,2021-04-16,1,0.2416674,0.3477498,0.2910837,0.0283847,2021-05-02 18:53:58,20210502,16,61 -safegraph,completely_home_prop_7dav,day,state,2019-01-01,2021-04-16,56,0.1339286,0.8322408,0.3011662,0.054508,2021-05-02 18:53:58,20210502,16,735 -safegraph,full_time_work_prop,day,county,2019-01-01,2021-04-16,3230,0.0044642857142857,0.4137931,0.0544141,0.0295373,2021-05-02 18:53:37,20210502,16,539 -safegraph,full_time_work_prop,day,hhs,2020-12-01,2021-04-16,10,0.0226403,0.1164575,0.0552768,0.0186925,2021-05-02 18:53:53,20210502,16,61 -safegraph,full_time_work_prop,day,hrr,2019-01-01,2021-04-16,306,0.0114341723386979,0.1595878125506952,0.0521926,0.0235929,2021-05-02 18:53:54,20210502,16,736 -safegraph,full_time_work_prop,day,msa,2019-01-01,2021-04-16,392,0.0078714454507789,0.2092593,0.0509874,0.0231894,2021-05-02 18:53:56,20210502,16,736 -safegraph,full_time_work_prop,day,nation,2020-12-01,2021-04-16,1,0.0278687,0.0768372,0.0547243,0.0159177,2021-05-02 18:53:58,20210502,16,61 -safegraph,full_time_work_prop,day,state,2019-01-01,2021-04-16,56,0.0133209189355373,0.28,0.055365,0.0257244,2021-05-02 18:53:58,20210502,4,539 -safegraph,full_time_work_prop_7dav,day,county,2019-01-01,2021-04-16,3230,0.0068965517241379,0.3333333333333333,0.0542633,0.0178739,2021-05-02 18:53:41,20210502,16,736 -safegraph,full_time_work_prop_7dav,day,hhs,2020-12-01,2021-04-16,10,0.0336392,0.0863855,0.0545378,0.0096541,2021-05-02 18:53:53,20210502,16,61 -safegraph,full_time_work_prop_7dav,day,hrr,2019-01-01,2021-04-16,306,0.0117488441065425,0.1154423115996558,0.0520489,0.0133283,2021-05-02 18:53:54,20210502,16,736 -safegraph,full_time_work_prop_7dav,day,msa,2019-01-01,2021-04-16,392,0.0112761318858512,0.1510516,0.0508328,0.0134542,2021-05-02 18:53:56,20210502,16,736 -safegraph,full_time_work_prop_7dav,day,nation,2020-12-01,2021-04-16,1,0.0380634517264083,0.0635446,0.0539855,0.0060352,2021-05-02 18:53:58,20210502,16,61 -safegraph,full_time_work_prop_7dav,day,state,2019-01-01,2021-04-16,56,0.0141431777108928,0.2233333,0.0533023,0.0147557,2021-05-02 18:53:58,20210502,16,736 -safegraph,median_home_dwell_time,day,county,2019-01-01,2021-04-16,3230,0.0,1439.0,624.5131019,131.4666819,2021-05-02 18:53:43,20210502,16,536 -safegraph,median_home_dwell_time,day,hhs,2020-12-01,2021-04-16,10,398.1290312,987.4156667,692.5885915,72.3209312,2021-05-02 18:53:53,20210502,16,61 -safegraph,median_home_dwell_time,day,hrr,2019-01-01,2021-04-16,306,60.61710037174721,1230.8227360308283,659.6106675,96.0502621,2021-05-02 18:53:54,20210502,16,736 -safegraph,median_home_dwell_time,day,msa,2019-01-01,2021-04-16,392,0.0,1291.027397260274,652.1446074,96.356952,2021-05-02 18:53:57,20210502,16,736 -safegraph,median_home_dwell_time,day,nation,2020-12-01,2021-04-16,1,498.1061097,955.4602784,695.6873728,59.8301174,2021-05-02 18:53:58,20210502,16,61 -safegraph,median_home_dwell_time,day,state,2019-01-01,2021-04-16,56,0.0,1439.0,638.33047,111.1091946,2021-05-02 18:53:59,20210502,4,536 -safegraph,median_home_dwell_time_7dav,day,county,2019-01-01,2021-04-16,3230,0.0,1259.8848653667594,624.4795319,114.298693,2021-05-02 18:53:46,20210502,16,736 -safegraph,median_home_dwell_time_7dav,day,hhs,2020-12-01,2021-04-16,10,556.3816959,837.4941722,692.659163,50.8156061,2021-05-02 18:53:53,20210502,16,61 -safegraph,median_home_dwell_time_7dav,day,hrr,2019-01-01,2021-04-16,306,100.59797657082002,1161.8768055167272,659.5732816,81.9092483,2021-05-02 18:53:55,20210502,16,736 -safegraph,median_home_dwell_time_7dav,day,msa,2019-01-01,2021-04-16,392,5.128585558852621,1181.1115459882585,652.2258676,81.3926929,2021-05-02 18:53:57,20210502,16,736 -safegraph,median_home_dwell_time_7dav,day,nation,2020-12-01,2021-04-16,1,610.6005169,750.6838576,695.7465289,34.26082,2021-05-02 18:53:58,20210502,16,61 -safegraph,median_home_dwell_time_7dav,day,state,2019-01-01,2021-04-16,56,0.0,1095.2676687283972,642.2644286,88.5509973,2021-05-02 18:53:59,20210502,16,736 -safegraph,part_time_work_prop,day,county,2019-01-01,2021-04-16,3230,0.0061728395061728,0.6,0.0932559,0.035791,2021-05-02 18:53:48,20210502,16,539 -safegraph,part_time_work_prop,day,hhs,2020-12-01,2021-04-16,10,0.0412934,0.1455495,0.0831563,0.0224993,2021-05-02 18:53:53,20210502,16,61 -safegraph,part_time_work_prop,day,hrr,2019-01-01,2021-04-16,306,0.0233247237310391,0.2059558393256619,0.0881441,0.0291706,2021-05-02 18:53:55,20210502,16,736 -safegraph,part_time_work_prop,day,msa,2019-01-01,2021-04-16,392,0.0172339822838094,0.2504762,0.0875711,0.0291497,2021-05-02 18:53:57,20210502,16,736 -safegraph,part_time_work_prop,day,nation,2020-12-01,2021-04-16,1,0.0507607,0.1064855,0.0830949,0.0162921,2021-05-02 18:53:58,20210502,16,61 -safegraph,part_time_work_prop,day,state,2019-01-01,2021-04-16,56,0.0217391304347826,0.3888888888888888,0.0882391,0.0289185,2021-05-02 18:53:59,20210502,4,539 -safegraph,part_time_work_prop_7dav,day,county,2019-01-01,2021-04-16,3230,0.0129870129870129,0.3333333333333333,0.093027,0.0233194,2021-05-02 18:53:51,20210502,16,736 -safegraph,part_time_work_prop_7dav,day,hhs,2020-12-01,2021-04-16,10,0.052794,0.1259997,0.0822747,0.0157529,2021-05-02 18:53:53,20210502,16,61 -safegraph,part_time_work_prop_7dav,day,hrr,2019-01-01,2021-04-16,306,0.0293453684950151,0.1669262755029665,0.0879483,0.0194639,2021-05-02 18:53:55,20210502,16,736 -safegraph,part_time_work_prop_7dav,day,msa,2019-01-01,2021-04-16,392,0.023301771007538,0.1749794863672457,0.0873612,0.0194203,2021-05-02 18:53:58,20210502,16,736 -safegraph,part_time_work_prop_7dav,day,nation,2020-12-01,2021-04-16,1,0.0646221,0.0934234,0.0822052,0.0064839,2021-05-02 18:53:58,20210502,16,61 -safegraph,part_time_work_prop_7dav,day,state,2019-01-01,2021-04-16,56,0.0299031998848585,0.2233333,0.0870579,0.0189547,2021-05-02 18:53:59,20210502,16,736 -safegraph,restaurants_visit_num,day,county,2019-01-01,2022-05-01,2558,0.0,33649.76197787811,336.9821415,1011.0176971,2022-05-05 19:37:58,20220505,4,699 -safegraph,restaurants_visit_num,day,hhs,2020-11-23,2022-05-01,10,1229.0,464246.0,85506.3042471,91044.9764197,2022-05-05 19:37:59,20220505,4,56 -safegraph,restaurants_visit_num,day,hrr,2019-01-01,2022-05-01,306,0.0,58188.0,2739.1807406,4211.6777334,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_num,day,msa,2019-01-01,2022-05-01,392,0.0,77776.3205829467,1929.7680653,4095.6358663,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_num,day,nation,2020-11-23,2022-05-01,1,172675.0,1398876.0,855063.042471,206610.5315481,2022-05-05 19:38:00,20220505,4,56 -safegraph,restaurants_visit_num,day,state,2019-01-01,2022-05-01,52,0.0,223549.0149444032,16132.0774158,22711.4546914,2022-05-05 19:38:00,20220505,4,699 -safegraph,restaurants_visit_prop,day,county,2019-01-01,2022-05-01,2558,0.0,66495.09824914185,356.5319925,486.8617561,2022-05-05 19:37:58,20220505,4,699 -safegraph,restaurants_visit_prop,day,hhs,2020-11-23,2022-05-01,10,16.0178065,994.7253426,309.1208048,189.5336784,2022-05-05 19:37:59,20220505,4,56 -safegraph,restaurants_visit_prop,day,hrr,2019-01-01,2022-05-01,306,0.0,3379.2991361096174,393.3603518,262.3700685,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_prop,day,msa,2019-01-01,2022-05-01,392,0.0,3087.815754537735,433.5970141,312.9316116,2022-05-05 19:37:59,20220505,4,699 -safegraph,restaurants_visit_prop,day,nation,2020-11-23,2022-05-01,1,71.5862474,569.1083054,349.807256,83.7868593,2022-05-05 19:38:00,20220505,4,56 -safegraph,restaurants_visit_prop,day,state,2019-01-01,2022-05-01,52,0.0,1600.2592679,339.210474,214.4236077,2022-05-05 19:38:00,20220505,4,699 -usa-facts,confirmed_7dav_cumulative_num,day,county,2020-02-01,2021-07-22,3193,0.0,1223614.2857143,4336.4998223,21959.0204341,2021-10-28 17:59:22,20211028,1,376 -usa-facts,confirmed_7dav_cumulative_num,day,hhs,2020-02-01,2021-07-22,10,0.0,7188417.5714286,1417317.9361391,1736122.336279,2021-07-24 17:53:39,20210724,1,356 -usa-facts,confirmed_7dav_cumulative_num,day,hrr,2020-02-01,2021-07-22,306,0.0,1231096.211411,45125.6711433,88178.7582502,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_num,day,msa,2020-02-01,2021-07-22,384,0.0,2315347.8571429,31521.949434,107155.0212596,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_num,day,nation,2020-02-01,2021-07-22,1,6.857142857142857,33508411.7142857,14173179.3613914,12729369.5771938,2021-07-24 17:53:53,20210724,1,356 -usa-facts,confirmed_7dav_cumulative_num,day,state,2020-02-01,2021-07-22,51,0.0,3760285.8571429,272108.5873225,498689.1922484,2021-10-28 17:59:23,20211028,1,340 -usa-facts,confirmed_7dav_cumulative_prop,day,county,2020-02-01,2021-07-22,3142,0.0,82672.5905673,4201.1135246,4647.9993861,2021-10-28 17:59:23,20211028,1,334 -usa-facts,confirmed_7dav_cumulative_prop,day,hhs,2020-02-01,2021-07-22,10,0.0,11461.7348321,4201.859079,3901.7456733,2021-07-24 17:53:39,20210724,1,384 -usa-facts,confirmed_7dav_cumulative_prop,day,hrr,2020-02-01,2021-07-22,306,0.0,17582.261312,4174.058408,4258.6713526,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_prop,day,msa,2020-02-01,2021-07-22,384,0.0,17506.9444955,4219.8452245,4246.6430414,2021-10-28 17:59:23,20211028,1,342 -usa-facts,confirmed_7dav_cumulative_prop,day,nation,2020-02-01,2021-07-22,1,0.0020890667871043,10208.5243751,4317.9380813,3878.073384,2021-07-24 17:53:53,20210724,1,356 -usa-facts,confirmed_7dav_cumulative_prop,day,state,2020-02-01,2021-07-22,51,0.0,14571.1616265,4184.3877956,4294.5691621,2021-10-28 17:59:23,20211028,1,340 -usa-facts,confirmed_7dav_incidence_num,day,county,2020-02-01,2023-01-02,3193,-78001.8571429,53643.5714286,28.128576,261.9637152,2023-01-04 20:24:45,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,hhs,2020-02-01,2023-01-02,10,-5228.8571429,158359.1428571,8978.6355871,14923.8713348,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,hrr,2020-02-01,2023-01-02,306,-38721.7635559,51800.1821995,286.9054939,834.8624087,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,msa,2020-02-01,2023-01-02,384,-67833.5714286,99088.0,196.6737498,1009.1580688,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_7dav_incidence_num,day,nation,2020-02-01,2023-01-02,1,-106.7142857,793051.4285714,89786.3558709,113079.8738132,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_7dav_incidence_num,day,state,2020-02-01,2023-01-02,51,-6852.1428571,127472.2857143,1760.5177794,4305.5097969,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,county,2020-02-01,2023-01-02,3142,-44650.5272976,44722.5244831,26.4997697,103.2413688,2023-01-04 20:24:46,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,hhs,2020-02-01,2023-01-02,10,-35.2171639,449.3509318,26.8299102,36.562245,2023-01-04 20:24:53,20230104,2,699 -usa-facts,confirmed_7dav_incidence_prop,day,hrr,2020-02-01,2023-01-02,306,-2034.5005476,1135.7596836,26.6935049,42.9954384,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,msa,2020-02-01,2023-01-02,384,-2822.6960987,1494.0649278,26.8544845,43.7354226,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_7dav_incidence_prop,day,nation,2020-02-01,2023-01-02,1,-0.0323892,240.7017119,27.2513595,34.3212536,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_7dav_incidence_prop,day,state,2020-02-01,2023-01-02,51,-219.9902025,529.4548894,27.6516619,39.7897067,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,county,2020-01-25,2023-01-02,3193,0.0,3420119.0,13416.5229115,58900.0500137,2023-01-04 20:24:46,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,hhs,2020-01-25,2023-01-02,10,0.0,20923900.0,4254855.322905,4688048.8703272,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,hrr,2020-01-25,2023-01-02,306,0.0,3435284.8617095,138312.0941972,235778.8992406,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,msa,2020-01-25,2023-01-02,384,0.0,6776125.0,94699.4364589,292733.9037178,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_cumulative_num,day,nation,2020-01-25,2023-01-02,1,32.0,95878582.0,42548553.2290503,33478213.8602107,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_cumulative_num,day,state,2020-01-25,2023-01-02,51,0.0,10887571.0,839542.6606713,1355143.0742701,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_cumulative_prop,day,county,2020-01-25,2023-01-02,3142,0.0,357367.8483477,12978.6757711,10949.3357589,2023-01-04 20:24:47,20230104,1,699 -usa-facts,confirmed_cumulative_prop,day,hhs,2020-01-25,2023-01-02,10,0.0,33090.0646997,12675.3273795,10149.5494649,2023-01-04 20:24:53,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,hrr,2020-01-25,2023-01-02,306,0.0,51022.08092,12921.0507086,10436.1263936,2023-01-04 20:24:53,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,msa,2020-01-25,2023-01-02,384,0.0,45312.9383475,12941.2746288,10570.6794767,2023-01-04 20:24:54,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,nation,2020-01-25,2023-01-02,1,0.0097124,29100.4315635,12914.0547924,10161.0855207,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_cumulative_prop,day,state,2020-01-25,2023-01-02,51,0.0,39956.2019629,13155.6130204,10748.9246133,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_incidence_num,day,county,2020-01-25,2023-01-02,3193,-546013.0,353962.0,28.1504973,743.201466,2023-01-04 20:24:48,20230104,1,699 -usa-facts,confirmed_incidence_num,day,hhs,2020-01-25,2023-01-02,10,-46738.0,363306.0,8927.1732775,18062.0651374,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_num,day,hrr,2020-01-25,2023-01-02,306,-271052.3448913,185965.4417602,287.0509706,1501.1778561,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_num,day,msa,2020-01-25,2023-01-02,384,-475087.0,228158.0,196.7937273,1653.8254242,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_incidence_num,day,nation,2020-01-25,2023-01-02,1,-13697.0,1226142.0,89271.7327747,126470.3878782,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_incidence_num,day,state,2020-01-25,2023-01-02,51,-47965.0,345159.0,1761.6856166,5777.1075014,2023-01-04 20:24:55,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,county,2020-01-25,2023-01-02,3142,-312553.691083,312696.8673043,26.5650265,304.9645635,2023-01-04 20:24:48,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,hhs,2020-01-25,2023-01-02,10,-314.7876796,784.7260585,26.6778423,46.770253,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,hrr,2020-01-25,2023-01-02,306,-14323.2666099,7950.3122014,26.6953788,85.6476479,2023-01-04 20:24:53,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,msa,2020-01-25,2023-01-02,384,-19793.9711082,10458.4544948,26.8695905,88.3641895,2023-01-04 20:24:54,20230104,1,699 -usa-facts,confirmed_incidence_prop,day,nation,2020-01-25,2023-01-02,1,-4.1572226,372.1504909,27.0951645,38.3854537,2023-01-04 20:24:55,20230104,2,699 -usa-facts,confirmed_incidence_prop,day,state,2020-01-25,2023-01-02,51,-1638.2168618,1722.6928949,27.6722931,65.5128442,2023-01-04 20:24:55,20230104,1,699 -usa-facts,deaths_7dav_cumulative_num,day,county,2020-02-01,2021-07-22,3193,-0.8571429,24591.7142857,87.4804083,452.1448093,2021-10-28 17:59:23,20211028,1,376 -usa-facts,deaths_7dav_cumulative_num,day,hhs,2020-02-01,2021-07-22,10,0.0,122223.8571429,28144.6630112,30097.3115609,2021-07-24 17:53:40,20210724,1,356 -usa-facts,deaths_7dav_cumulative_num,day,hrr,2020-02-01,2021-07-22,306,0.0,24684.7851819,909.9843131,1806.2630771,2021-10-28 17:59:23,20211028,1,337 -usa-facts,deaths_7dav_cumulative_num,day,msa,2020-02-01,2021-07-22,384,0.0,64098.5714286,627.3933306,2781.3438476,2021-10-28 17:59:23,20211028,1,342 -usa-facts,deaths_7dav_cumulative_num,day,nation,2020-02-01,2021-07-22,1,0.0,602929.5714286,281446.6301115,209147.4997157,2021-07-24 17:53:53,20210724,1,356 -usa-facts,deaths_7dav_cumulative_num,day,state,2020-02-01,2021-07-22,51,0.0,63489.1428571,5482.0339214,9408.7635076,2021-10-28 17:59:23,20211028,1,312 -usa-facts,deaths_7dav_cumulative_prop,day,county,2020-02-01,2021-07-22,3142,0.0,865.8008658,85.0257793,108.8292357,2021-10-28 17:59:23,20211028,1,333 -usa-facts,deaths_7dav_cumulative_prop,day,hhs,2020-02-01,2021-07-22,10,0.0,281.8448579,84.9987066,73.1618796,2021-07-24 17:53:40,20210724,1,356 -usa-facts,deaths_7dav_cumulative_prop,day,hrr,2020-02-01,2021-07-22,306,0.0,447.3055058,82.5973216,83.5682306,2021-10-28 17:59:23,20211028,1,337 -usa-facts,deaths_7dav_cumulative_prop,day,msa,2020-02-01,2021-07-22,384,0.0,409.4583782,75.022065,79.4840691,2021-10-28 17:59:23,20211028,1,342 -usa-facts,deaths_7dav_cumulative_prop,day,nation,2020-02-01,2021-07-22,1,0.0,183.6858541,85.7442844,63.7179514,2021-07-24 17:53:53,20210724,1,356 -usa-facts,deaths_7dav_cumulative_prop,day,state,2020-02-01,2021-07-22,51,0.0,298.2372591,77.3747468,74.9940189,2021-10-28 17:59:23,20211028,1,312 -usa-facts,deaths_7dav_incidence_num,day,county,2020-02-01,2023-01-02,3193,-1140.0,1345.5714286,0.3135858,3.9649796,2023-01-04 20:24:49,20230104,1,628 -usa-facts,deaths_7dav_incidence_num,day,hhs,2020-02-01,2023-01-02,10,-514.1428571,1211.0,100.0959968,139.1133421,2023-01-04 20:24:53,20230104,1,617 -usa-facts,deaths_7dav_incidence_num,day,hrr,2020-02-01,2023-01-02,306,-565.9199931,430.8454645,3.0379385,9.6241823,2023-01-04 20:24:54,20230104,1,588 -usa-facts,deaths_7dav_incidence_num,day,msa,2020-02-01,2023-01-02,384,-1163.7142857,1185.0,1.9671742,12.5240928,2023-01-04 20:24:54,20230104,1,588 -usa-facts,deaths_7dav_incidence_num,day,nation,2020-02-01,2023-01-02,1,-41.2857143,3537.2857143,1000.9599679,811.1933866,2023-01-04 20:24:55,20230104,2,617 -usa-facts,deaths_7dav_incidence_num,day,state,2020-02-01,2023-01-02,51,-531.7142857,955.8571428571428,19.6267133,43.3457142,2023-01-04 20:24:55,20230104,1,617 -usa-facts,deaths_7dav_incidence_prop,day,county,2020-02-01,2023-01-02,3142,-1345.5069678,1345.5069678,0.3657449,1.8136157,2023-01-04 20:24:50,20230104,1,628 -usa-facts,deaths_7dav_incidence_prop,day,hhs,2020-02-01,2023-01-02,10,-3.4628319,4.183583,0.2882408,0.358071,2023-01-04 20:24:53,20230104,2,622 -usa-facts,deaths_7dav_incidence_prop,day,hrr,2020-02-01,2023-01-02,306,-38.6217947,14.3513787,0.3029906,0.5533538,2023-01-04 20:24:54,20230104,1,622 -usa-facts,deaths_7dav_incidence_prop,day,msa,2020-02-01,2023-01-02,384,-53.3820085,29.0639867,0.2956424,0.5762059,2023-01-04 20:24:55,20230104,1,622 -usa-facts,deaths_7dav_incidence_prop,day,nation,2020-02-01,2023-01-02,1,-0.0125308,1.0736135,0.3038047,0.246208,2023-01-04 20:24:55,20230104,2,622 -usa-facts,deaths_7dav_incidence_prop,day,state,2020-02-01,2023-01-02,51,-7.7131875,7.8089447,0.2947568,0.4184295,2023-01-04 20:24:55,20230104,1,622 -usa-facts,deaths_cumulative_num,day,county,2020-01-25,2023-01-02,3193,-6.0,46633.0,187.0525139,855.1497099,2023-01-04 20:24:50,20230104,1,635 -usa-facts,deaths_cumulative_num,day,hhs,2020-01-25,2023-01-02,10,0.0,250138.0,59318.2670391,57192.4003154,2023-01-04 20:24:53,20230104,1,617 -usa-facts,deaths_cumulative_num,day,hrr,2020-01-25,2023-01-02,306,0.0,34539.5623136,1874.025571,2942.5701208,2023-01-04 20:24:54,20230104,1,600 -usa-facts,deaths_cumulative_num,day,msa,2020-01-25,2023-01-02,384,0.0,84086.0,1239.8201199,4089.9341829,2023-01-04 20:24:55,20230104,1,600 -usa-facts,deaths_cumulative_num,day,nation,2020-01-25,2023-01-02,1,1.0,1068791.0,593182.6703911,361324.0341839,2023-01-04 20:24:55,20230104,2,617 -usa-facts,deaths_cumulative_num,day,state,2020-01-25,2023-01-02,51,0.0,97562.0,11705.6167019,16827.3441965,2023-01-04 20:24:55,20230104,1,617 -usa-facts,deaths_cumulative_prop,day,county,2020-01-25,2023-01-02,3142,0.0,9418.5487746,208.462631,186.8944545,2023-01-04 20:24:51,20230104,1,635 -usa-facts,deaths_cumulative_prop,day,hhs,2020-01-25,2023-01-02,10,0.0,390.3838766,172.7502603,112.6269236,2023-01-04 20:24:53,20230104,2,635 -usa-facts,deaths_cumulative_prop,day,hrr,2020-01-25,2023-01-02,306,0.0,599.3774413,181.0972097,136.1583754,2023-01-04 20:24:54,20230104,2,635 -usa-facts,deaths_cumulative_prop,day,msa,2020-01-25,2023-01-02,384,0.0,686.0646166,172.4510664,138.5730553,2023-01-04 20:24:55,20230104,1,635 -usa-facts,deaths_cumulative_prop,day,nation,2020-01-25,2023-01-02,1,0.0003035,324.3923586,180.0388715,109.6666754,2023-01-04 20:24:55,20230104,2,635 -usa-facts,deaths_cumulative_prop,day,state,2020-01-25,2023-01-02,51,0.0,441.4541527,171.4492517,124.1326156,2023-01-04 20:24:55,20230104,2,635 -usa-facts,deaths_incidence_num,day,county,2020-01-25,2023-01-02,3193,-7980.0,9356.0,0.3138132,9.4224201,2023-01-04 20:24:52,20230104,1,635 -usa-facts,deaths_incidence_num,day,hhs,2020-01-25,2023-01-02,10,-3719.0,3112.0,99.5148976,185.3103413,2023-01-04 20:24:53,20230104,1,617 -usa-facts,deaths_incidence_num,day,hrr,2020-01-25,2023-01-02,306,-3961.4399515,2948.8846453,3.0401694,18.3135562,2023-01-04 20:24:54,20230104,1,588 -usa-facts,deaths_incidence_num,day,msa,2020-01-25,2023-01-02,384,-8147.0,3165.0,1.9685633,21.1782972,2023-01-04 20:24:55,20230104,1,588 -usa-facts,deaths_incidence_num,day,nation,2020-01-25,2023-01-02,1,-2889.0,5057.0,995.1489758,972.6433335,2023-01-04 20:24:55,20230104,2,617 -usa-facts,deaths_incidence_num,day,state,2020-01-25,2023-01-02,51,-3722.0,3112.0,19.6401808,67.2644769,2023-01-04 20:24:55,20230104,1,617 -usa-facts,deaths_incidence_prop,day,county,2020-01-25,2023-01-02,3142,-9418.5487746,9418.5487746,0.3660363,8.2752559,2023-01-04 20:24:52,20230104,1,635 -usa-facts,deaths_incidence_prop,day,hhs,2020-01-25,2023-01-02,10,-25.0480419,20.4285247,0.286551,0.5491529,2023-01-04 20:24:53,20230104,1,622 -usa-facts,deaths_incidence_prop,day,hrr,2020-01-25,2023-01-02,306,-270.438116,100.4596506,0.3031668,1.1652841,2023-01-04 20:24:54,20230104,1,622 -usa-facts,deaths_incidence_prop,day,msa,2020-01-25,2023-01-02,384,-373.6740598,203.4479066,0.295851,1.2544093,2023-01-04 20:24:55,20230104,1,622 -usa-facts,deaths_incidence_prop,day,nation,2020-01-25,2023-01-02,1,-0.8768501,1.5348671,0.302041,0.2952103,2023-01-04 20:24:55,20230104,2,622 -usa-facts,deaths_incidence_prop,day,state,2020-01-25,2023-01-02,51,-53.9923123,54.6626129,0.2949155,0.8675433,2023-01-04 20:24:55,20230104,1,622 -youtube-survey,raw_cli,day,state,2020-04-21,2020-06-01,19,0.0,3.083081763746322,0.8598539,0.6421984,2020-06-02 11:51:34,20200603,2,11 -youtube-survey,raw_ili,day,state,2020-04-21,2020-06-01,19,0.0,3.1956943281688743,0.8591775,0.6492578,2020-06-02 11:51:34,20200603,2,11 -youtube-survey,smoothed_cli,day,state,2020-04-21,2020-06-22,42,0.0,4.5321637426900585,0.8980185,0.5737264,2020-06-24 12:51:35,20200625,2,11 -youtube-survey,smoothed_ili,day,state,2020-04-21,2020-06-22,42,0.0,4.5321637426900585,0.8926679,0.5741616,2020-06-24 12:51:35,20200625,2,11 diff --git a/google_symptoms/tests/test_data/covid_metadata_missing.json b/google_symptoms/tests/test_data/covid_metadata_missing.json new file mode 100644 index 000000000..1ae6921fd --- /dev/null +++ b/google_symptoms/tests/test_data/covid_metadata_missing.json @@ -0,0 +1 @@ +{"epidata": [{"data_source": "chng", "signal": "7dav_inpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20200101, "max_time": 20230801, "num_locations": 58, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0379778, "stdev_value": 0.046107, "last_update": 1711963480, "max_issue": 20230801, "min_lag": 0, "max_lag": 1308}, {"data_source": "chng", "signal": "7dav_outpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20230801, "num_locations": 56, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0057763, "stdev_value": 0.0102741, "last_update": 1711963480, "max_issue": 20230801, "min_lag": 0, "max_lag": 1673}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3119, "min_value": 0.0009331, "max_value": 99.9980495, "mean_value": 1.9238237, "stdev_value": 3.7179059, "last_update": 1708400432, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0061953, "max_value": 99.9996572, "mean_value": 2.1786572, "stdev_value": 2.9502248, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0010292, "max_value": 50.815903, "mean_value": 1.9914499, "stdev_value": 2.5739816, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0007662, "max_value": 99.9989806, "mean_value": 1.8325651, "stdev_value": 2.7690113, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0154639, "max_value": 12.0869746, "mean_value": 2.3476915, "stdev_value": 2.2792631, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0013343, "max_value": 99.9995633, "mean_value": 1.9595093, "stdev_value": 2.8460771, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007317, "max_value": 99.7382199, "mean_value": 0.7897597, "stdev_value": 1.2604588, "last_update": 1708400433, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 9.94e-05, "max_value": 47.1757678, "mean_value": 0.758748, "stdev_value": 1.2752592, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0004377, "max_value": 50.3590956, "mean_value": 0.7379263, "stdev_value": 0.9213437, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0003621, "max_value": 84.2126626, "mean_value": 0.7507935, "stdev_value": 1.2899205, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0002647, "max_value": 29.0740775, "mean_value": 0.7761674, "stdev_value": 1.1225822, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0001764, "max_value": 99.984985, "mean_value": 0.799901, "stdev_value": 2.2962465, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007864, "max_value": 99.8031496, "mean_value": 0.2200146, "stdev_value": 0.5945624, "last_update": 1708400433, "max_issue": 20240219, "min_lag": 4, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0001256, "max_value": 2.9665199, "mean_value": 0.129573, "stdev_value": 0.2910451, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0006665, "max_value": 7.3989023, "mean_value": 0.157989, "stdev_value": 0.3502602, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0005895, "max_value": 9.1334945, "mean_value": 0.1593255, "stdev_value": 0.3449737, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0042567, "max_value": 2.1340409, "mean_value": 0.1410768, "stdev_value": 0.2817595, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_adj_outpatient_flu", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0003211, "max_value": 5.0601173, "mean_value": 0.1349185, "stdev_value": 0.3161708, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3119, "min_value": 0.0008986, "max_value": 99.911661, "mean_value": 1.7494246, "stdev_value": 3.2141828, "last_update": 1708400434, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0057532, "max_value": 21.7526533, "mean_value": 2.1935759, "stdev_value": 2.4568923, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0010292, "max_value": 54.076492, "mean_value": 2.0121518, "stdev_value": 2.5913195, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0007571, "max_value": 54.213362, "mean_value": 1.7692415, "stdev_value": 2.3668653, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.014286, "max_value": 13.183495, "mean_value": 2.4016659, "stdev_value": 2.3445632, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0012136, "max_value": 38.0980677, "mean_value": 1.976939, "stdev_value": 2.4902626, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007317, "max_value": 99.7382199, "mean_value": 0.7295667, "stdev_value": 1.1518214, "last_update": 1708400435, "max_issue": 20240219, "min_lag": 3, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0001026, "max_value": 7.902697, "mean_value": 0.7473772, "stdev_value": 0.7532255, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0004265, "max_value": 13.8813489, "mean_value": 0.75981, "stdev_value": 0.8821325, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0003196, "max_value": 15.0058502, "mean_value": 0.6983567, "stdev_value": 0.8724389, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0002781, "max_value": 5.7484116, "mean_value": 0.7763361, "stdev_value": 0.7077705, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_covid", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0001764, "max_value": 10.9664911, "mean_value": 0.7277603, "stdev_value": 0.824994, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240214, "num_locations": 3118, "min_value": 0.0007864, "max_value": 99.8031496, "mean_value": 0.2120383, "stdev_value": 0.5747436, "last_update": 1708400435, "max_issue": 20240219, "min_lag": 4, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240214, "num_locations": 10, "min_value": 0.0001256, "max_value": 3.3283321, "mean_value": 0.1325491, "stdev_value": 0.2889045, "last_update": 1708400436, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240214, "num_locations": 306, "min_value": 0.0007358, "max_value": 7.7181903, "mean_value": 0.1580634, "stdev_value": 0.3454277, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240214, "num_locations": 392, "min_value": 0.0005895, "max_value": 7.7881801, "mean_value": 0.1547919, "stdev_value": 0.327931, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240214, "num_locations": 1, "min_value": 0.0042154, "max_value": 1.8960681, "mean_value": 0.1439693, "stdev_value": 0.2751247, "last_update": 1708400437, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "chng", "signal": "smoothed_outpatient_flu", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240214, "num_locations": 55, "min_value": 0.0003211, "max_value": 5.2040069, "mean_value": 0.1365516, "stdev_value": 0.3116242, "last_update": 1708400438, "max_issue": 20240219, "min_lag": 5, "max_lag": 674}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "county", "min_time": 20200301, "max_time": 20211202, "num_locations": 3126, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0979475, "stdev_value": 0.0903481, "last_update": 1639159151, "max_issue": 20211210, "min_lag": 2, "max_lag": 529}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "hhs", "min_time": 20200301, "max_time": 20211202, "num_locations": 10, "min_value": 0.0, "max_value": 0.65, "mean_value": 0.0806975, "stdev_value": 0.0559965, "last_update": 1639159154, "max_issue": 20211210, "min_lag": 8, "max_lag": 585}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "hrr", "min_time": 20200301, "max_time": 20211202, "num_locations": 306, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0864302, "stdev_value": 0.069691, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 4, "max_lag": 599}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "msa", "min_time": 20200301, "max_time": 20211202, "num_locations": 384, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.087359, "stdev_value": 0.0711056, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 3, "max_lag": 529}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "nation", "min_time": 20200301, "max_time": 20211202, "num_locations": 1, "min_value": 0.0180044, "max_value": 0.2183382, "mean_value": 0.0809607, "stdev_value": 0.0406573, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 8, "max_lag": 529}, {"data_source": "covid-act-now", "signal": "pcr_specimen_positivity_rate", "time_type": "day", "geo_type": "state", "min_time": 20200301, "max_time": 20211202, "num_locations": 51, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.0834229, "stdev_value": 0.0659636, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 3, "max_lag": 585}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "county", "min_time": 20200301, "max_time": 20211202, "num_locations": 3126, "min_value": 0.14, "max_value": 161333.71, "mean_value": 338.7239566, "stdev_value": 1757.0608222, "last_update": 1639159153, "max_issue": 20211210, "min_lag": 2, "max_lag": 428}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "hhs", "min_time": 20200301, "max_time": 20211202, "num_locations": 10, "min_value": 2.0, "max_value": 387262.01, "mean_value": 98225.6981138, "stdev_value": 78754.8915, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 8, "max_lag": 585}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "hrr", "min_time": 20200301, "max_time": 20211202, "num_locations": 306, "min_value": 1.55e-05, "max_value": 161288.2579186, "mean_value": 3240.5090482, "stdev_value": 6316.7070508, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 4, "max_lag": 526}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "msa", "min_time": 20200301, "max_time": 20211202, "num_locations": 384, "min_value": 0.14, "max_value": 174380.71, "mean_value": 2342.0841463, "stdev_value": 7999.6725139, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 2, "max_lag": 428}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "nation", "min_time": 20200301, "max_time": 20211202, "num_locations": 1, "min_value": 1433.8, "max_value": 1768763.07, "mean_value": 981518.2845639, "stdev_value": 460852.3824205, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 8, "max_lag": 428}, {"data_source": "covid-act-now", "signal": "pcr_specimen_total_tests", "time_type": "day", "geo_type": "state", "min_time": 20200301, "max_time": 20211202, "num_locations": 51, "min_value": 0.14, "max_value": 344887.85, "mean_value": 19433.6865717, "stdev_value": 31650.7665229, "last_update": 1639159155, "max_issue": 20211210, "min_lag": 2, "max_lag": 585}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 2595, "min_value": 0.0, "max_value": 87.670832, "mean_value": 2.2764252, "stdev_value": 3.498965, "last_update": 1726619303, "max_issue": 20240917, "min_lag": 2, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.071857, "max_value": 31.731976, "mean_value": 2.8003544, "stdev_value": 3.4212344, "last_update": 1726619307, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 306, "min_value": 0.0, "max_value": 62.072299, "mean_value": 2.5799214, "stdev_value": 3.5959133, "last_update": 1726619310, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 384, "min_value": 0.0, "max_value": 83.92411, "mean_value": 2.3957167, "stdev_value": 3.4892899, "last_update": 1726619312, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.120549, "max_value": 21.575689, "mean_value": 3.0013949, "stdev_value": 3.3850621, "last_update": 1726619315, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_adj_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 53, "min_value": 0.0, "max_value": 79.135443, "mean_value": 2.6023024, "stdev_value": 3.8912213, "last_update": 1726619318, "max_issue": 20240917, "min_lag": 3, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 2595, "min_value": 0.0, "max_value": 76.569615, "mean_value": 1.9384046, "stdev_value": 3.002207, "last_update": 1726619305, "max_issue": 20240917, "min_lag": 2, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.055393, "max_value": 35.777605, "mean_value": 3.1011489, "stdev_value": 3.7965527, "last_update": 1726619308, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 306, "min_value": 0.0, "max_value": 52.474626, "mean_value": 2.4606915, "stdev_value": 3.5049484, "last_update": 1726619311, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 385, "min_value": 0.0, "max_value": 65.645487, "mean_value": 2.1600627, "stdev_value": 3.188117, "last_update": 1726619314, "max_issue": 20240917, "min_lag": 4, "max_lag": 129}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.120689, "max_value": 26.252728, "mean_value": 3.3289019, "stdev_value": 3.7898008, "last_update": 1726619316, "max_issue": 20240917, "min_lag": 4, "max_lag": 126}, {"data_source": "doctor-visits", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 53, "min_value": 0.0, "max_value": 61.764374, "mean_value": 2.7603244, "stdev_value": 3.928963, "last_update": 1726619319, "max_issue": 20240917, "min_lag": 3, "max_lag": 129}, {"data_source": "dsew-cpr", "signal": "booster_doses_admin_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20211101, "max_time": 20230222, "num_locations": 10, "min_value": 360.8571429, "max_value": 211419.2857143, "mean_value": 25422.797562, "stdev_value": 37932.1282922, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "booster_doses_admin_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20211101, "max_time": 20230222, "num_locations": 1, "min_value": 14740.2857143, "max_value": 1100514.8571429, "mean_value": 257525.9704433, "stdev_value": 312271.1870132, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "booster_doses_admin_7dav", "time_type": "day", "geo_type": "state", "min_time": 20211101, "max_time": 20230222, "num_locations": 56, "min_value": 0.0, "max_value": 194532.1428571, "mean_value": 4613.3131688, "stdev_value": 11601.9151563, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "county", "min_time": 20210107, "max_time": 20230221, "num_locations": 3272, "min_value": 0.0, "max_value": 825.5714285714286, "mean_value": 2.3294191, "stdev_value": 9.6538384, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201216, "max_time": 20230221, "num_locations": 10, "min_value": 23.2857143, "max_value": 4990.0, "mean_value": 667.6785049, "stdev_value": 780.5578655, "last_update": 1677257490, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20210107, "max_time": 20230221, "num_locations": 392, "min_value": 0.0, "max_value": 1902.7142857142856, "mean_value": 14.2411998, "stdev_value": 42.714571, "last_update": 1677257491, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201216, "max_time": 20230221, "num_locations": 1, "min_value": 1338.2857143, "max_value": 21086.1428571, "mean_value": 6676.7850488, "stdev_value": 4537.105663, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20201216, "max_time": 20230221, "num_locations": 56, "min_value": 0.0, "max_value": 2379.0, "mean_value": 119.5731249, "stdev_value": 215.9007672, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20210107, "max_time": 20230221, "num_locations": 3219, "min_value": 0.0, "max_value": 569.2346462, "mean_value": 1.8762013, "stdev_value": 4.3113657, "last_update": 1677257484, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201216, "max_time": 20230221, "num_locations": 10, "min_value": 0.1568329, "max_value": 8.1781998, "mean_value": 1.863108, "stdev_value": 1.4513172, "last_update": 1677257490, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20210107, "max_time": 20230221, "num_locations": 392, "min_value": 0.0, "max_value": 52.2139965155508, "mean_value": 2.1629876, "stdev_value": 2.5039056, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 480}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201216, "max_time": 20230221, "num_locations": 1, "min_value": 0.4005607, "max_value": 6.3112681, "mean_value": 1.9984205, "stdev_value": 1.3579956, "last_update": 1677257492, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20201216, "max_time": 20230221, "num_locations": 56, "min_value": 0.0, "max_value": 35.7918347, "mean_value": 1.9012573, "stdev_value": 1.9888021, "last_update": 1677257493, "max_issue": 20230224, "min_lag": 3, "max_lag": 502}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "county", "min_time": 20201207, "max_time": 20230220, "num_locations": 3198, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.1155519, "stdev_value": 0.0997406, "last_update": 1677257475, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201207, "max_time": 20230220, "num_locations": 10, "min_value": 0.004, "max_value": 0.436, "mean_value": 0.0919346, "stdev_value": 0.0679411, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20201207, "max_time": 20230220, "num_locations": 392, "min_value": 0.0, "max_value": 1.0, "mean_value": 0.1084464, "stdev_value": 0.0916635, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201207, "max_time": 20230220, "num_locations": 1, "min_value": 0.0197007, "max_value": 0.3145435, "mean_value": 0.097572, "stdev_value": 0.0623476, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "covid_naat_pct_positive_7dav", "time_type": "day", "geo_type": "state", "min_time": 20201207, "max_time": 20230220, "num_locations": 55, "min_value": 0.0, "max_value": 0.946, "mean_value": 0.0997204, "stdev_value": 0.0823642, "last_update": 1677257476, "max_issue": 20230224, "min_lag": 4, "max_lag": 522}, {"data_source": "dsew-cpr", "signal": "doses_admin_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20210502, "max_time": 20230222, "num_locations": 10, "min_value": -25415.0, "max_value": 416729.2857143, "mean_value": 70956.6438044, "stdev_value": 69418.1294544, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 365}, {"data_source": "dsew-cpr", "signal": "doses_admin_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20210502, "max_time": 20230222, "num_locations": 1, "min_value": 84396.2857143, "max_value": 2405770.1428571, "mean_value": 706882.2067602, "stdev_value": 508222.8169732, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 365}, {"data_source": "dsew-cpr", "signal": "doses_admin_7dav", "time_type": "day", "geo_type": "state", "min_time": 20210502, "max_time": 20230222, "num_locations": 56, "min_value": -34912.7142857, "max_value": 340911.8571429, "mean_value": 12732.1491109, "stdev_value": 23061.218246, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 365}, {"data_source": "dsew-cpr", "signal": "people_booster_doses", "time_type": "day", "geo_type": "hhs", "min_time": 20211101, "max_time": 20230222, "num_locations": 10, "min_value": 798354.0, "max_value": 21409818.0, "mean_value": 9252301.1570292, "stdev_value": 5435063.9417483, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "people_booster_doses", "time_type": "day", "geo_type": "nation", "min_time": 20211101, "max_time": 20230222, "num_locations": 1, "min_value": 19141580.0, "max_value": 117047500.0, "mean_value": 92522945.6153846, "stdev_value": 24244972.5200394, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "people_booster_doses", "time_type": "day", "geo_type": "state", "min_time": 20211101, "max_time": 20230222, "num_locations": 56, "min_value": 143.0, "max_value": 17335732.0, "mean_value": 1652195.4574176, "stdev_value": 2259512.8844226, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 182}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210412, "max_time": 20230222, "num_locations": 3272, "min_value": 18.0, "max_value": 7519699.0, "mean_value": 59563.0639614, "stdev_value": 211223.6154859, "last_update": 1677257493, "max_issue": 20230224, "min_lag": 1, "max_lag": 385}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "hhs", "min_time": 20210115, "max_time": 20230222, "num_locations": 10, "min_value": 62625.0, "max_value": 41839198.0, "mean_value": 17210344.7447526, "stdev_value": 11586031.1172692, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 472}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210412, "max_time": 20230222, "num_locations": 392, "min_value": 70.0, "max_value": 15491795.0, "mean_value": 418183.4066464, "stdev_value": 1051278.8411392, "last_update": 1677257499, "max_issue": 20230224, "min_lag": 1, "max_lag": 385}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210115, "max_time": 20230222, "num_locations": 1, "min_value": 1540774.0, "max_value": 228878714.0, "mean_value": 172103447.4475262, "stdev_value": 65899353.6538525, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 472}, {"data_source": "dsew-cpr", "signal": "people_full_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210115, "max_time": 20230222, "num_locations": 56, "min_value": 0.0, "max_value": 29504730.0, "mean_value": 3073275.8472773, "stdev_value": 4305501.1704603, "last_update": 1677257500, "max_issue": 20230224, "min_lag": 1, "max_lag": 472}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 642, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9247258, "stdev_value": 0.998862, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.0607993, "mean_value": 0.9550459, "stdev_value": 1.0436459, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 3, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 342, "min_value": 0.0, "max_value": 10.9638047, "mean_value": 0.8877732, "stdev_value": 0.9860774, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220626, "num_locations": 1, "min_value": 0.338621, "max_value": 4.9208848, "mean_value": 1.1742658, "stdev_value": 0.7933958, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 2, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.081765, "mean_value": 1.1699135, "stdev_value": 1.0178461, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 351, "min_value": 0.4092675, "max_value": 68.9130435, "mean_value": 21.0312594, "stdev_value": 9.4592786, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 288, "min_value": 1.2711864, "max_value": 68.9054726, "mean_value": 21.6422026, "stdev_value": 9.9707881, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 215, "min_value": 2.2987534, "max_value": 68.9130435, "mean_value": 20.9525067, "stdev_value": 9.5781275, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220626, "num_locations": 1, "min_value": 8.6940597, "max_value": 48.3062084, "mean_value": 21.5924631, "stdev_value": 7.4691767, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 2, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_hh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 2.9411765, "max_value": 66.9255021, "mean_value": 22.2057274, "stdev_value": 9.7290508, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 642, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9478843, "stdev_value": 1.0147259, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.2681159, "mean_value": 0.9779726, "stdev_value": 1.061052, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 3, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 342, "min_value": 0.0, "max_value": 10.9638047, "mean_value": 0.9124409, "stdev_value": 1.004418, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220626, "num_locations": 1, "min_value": 0.3525545, "max_value": 5.0480449, "mean_value": 1.2000985, "stdev_value": 0.8120644, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 2, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.081765, "mean_value": 1.1941615, "stdev_value": 1.0364316, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 351, "min_value": 0.3267974, "max_value": 64.0283737, "mean_value": 16.7370961, "stdev_value": 8.6774912, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 288, "min_value": 0.3787879, "max_value": 64.0939597, "mean_value": 17.3080434, "stdev_value": 9.1652301, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 215, "min_value": 0.5633451, "max_value": 64.0283737, "mean_value": 16.6829469, "stdev_value": 8.7874763, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220626, "num_locations": 1, "min_value": 5.7044523, "max_value": 41.8558786, "mean_value": 17.0048453, "stdev_value": 6.824453, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 2, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_nohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 0.3267974, "max_value": 60.9350753, "mean_value": 17.5830578, "stdev_value": 9.0078233, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 640, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9389968, "stdev_value": 1.0065155, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.1186835, "mean_value": 0.9865602, "stdev_value": 1.0702621, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 340, "min_value": 0.0, "max_value": 11.7928697, "mean_value": 0.9314997, "stdev_value": 1.0168941, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4039215, "max_value": 5.408061, "mean_value": 1.3702998, "stdev_value": 0.9063896, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_wcli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.2808901, "mean_value": 1.2850101, "stdev_value": 1.1000853, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 343, "min_value": 0.4092675, "max_value": 69.7366276, "mean_value": 21.2513547, "stdev_value": 9.4036702, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 287, "min_value": 1.4154066, "max_value": 69.0424071, "mean_value": 21.8559408, "stdev_value": 9.9701793, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 207, "min_value": 1.6579937, "max_value": 69.9032636, "mean_value": 21.1068482, "stdev_value": 9.564647, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 9.1761173, "max_value": 48.2407423, "mean_value": 21.5503016, "stdev_value": 7.2072222, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_whh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 2.5278035, "max_value": 67.7211955, "mean_value": 22.4708687, "stdev_value": 9.5978548, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 640, "min_value": 0.0, "max_value": 19.047619047619047, "mean_value": 0.9617527, "stdev_value": 1.0224706, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.1227941, "mean_value": 1.0088413, "stdev_value": 1.0878227, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 340, "min_value": 0.0, "max_value": 11.7928697, "mean_value": 0.9555916, "stdev_value": 1.0354607, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4144906, "max_value": 5.5247274, "mean_value": 1.3975828, "stdev_value": 0.9277962, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "raw_wili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 51, "min_value": 0.0, "max_value": 11.2808901, "mean_value": 1.3091654, "stdev_value": 1.1199192, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 343, "min_value": 0.3267974, "max_value": 64.8845314, "mean_value": 16.7082958, "stdev_value": 8.5360556, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 287, "min_value": 0.3787879, "max_value": 64.4127616, "mean_value": 17.2542155, "stdev_value": 9.0633926, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 207, "min_value": 0.7005145, "max_value": 64.8845314, "mean_value": 16.5727216, "stdev_value": 8.6670007, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 5.9588102, "max_value": 40.5355196, "mean_value": 16.6488651, "stdev_value": 6.4672122, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "raw_wnohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 51, "min_value": 0.3267974, "max_value": 61.2646482, "mean_value": 17.5685456, "stdev_value": 8.7803074, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 757, "min_value": 6.3106857, "max_value": 96.3920452, "mean_value": 67.9237724, "stdev_value": 14.3796865, "last_update": 1628859255, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 10.2941176, "max_value": 92.1875, "mean_value": 61.1924903, "stdev_value": 16.7694796, "last_update": 1628686576, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 362, "min_value": 15.1563221, "max_value": 92.9292808, "mean_value": 65.2383722, "stdev_value": 14.3516874, "last_update": 1628772890, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 17.755102, "max_value": 74.5601494, "mean_value": 46.7574433, "stdev_value": 22.3505344, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 6.3106857, "max_value": 90.8967391, "mean_value": 55.2646333, "stdev_value": 20.9437812, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 92, "min_value": 2.8931167, "max_value": 48.019802, "mean_value": 15.5086319, "stdev_value": 5.4726703, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220627, "num_locations": 168, "min_value": 1.1811024, "max_value": 47.5490196, "mean_value": 15.5441133, "stdev_value": 5.3891774, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220627, "num_locations": 95, "min_value": 3.3219911, "max_value": 38.9585132, "mean_value": 17.2049154, "stdev_value": 5.438195, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 10.5194141, "max_value": 21.4088779, "mean_value": 14.5975905, "stdev_value": 2.8074055, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_accept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 48, "min_value": 2.8931167, "max_value": 31.7490615, "mean_value": 14.3656827, "stdev_value": 4.2749012, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 754, "min_value": 2.496938, "max_value": 38.803681, "mean_value": 17.3270685, "stdev_value": 3.6738037, "last_update": 1616241076, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.4715447, "max_value": 33.9673913, "mean_value": 16.9910865, "stdev_value": 3.0886278, "last_update": 1616007474, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 359, "min_value": 2.496938, "max_value": 37.2055658, "mean_value": 17.3911656, "stdev_value": 3.5361126, "last_update": 1616154697, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 12.3224728, "max_value": 22.7558011, "mean_value": 16.9176287, "stdev_value": 1.864669, "last_update": 1616500410, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_anxious_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 6.7457199, "max_value": 38.803681, "mean_value": 17.2987398, "stdev_value": 2.7756485, "last_update": 1616241129, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 616, "min_value": 0.473738, "max_value": 30.7957769, "mean_value": 12.7975556, "stdev_value": 3.1461309, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 1.3888889, "max_value": 31.8627451, "mean_value": 12.7682873, "stdev_value": 2.9999053, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 332, "min_value": 2.496278, "max_value": 27.8770477, "mean_value": 12.9200141, "stdev_value": 3.0893081, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 10.0859188, "max_value": 16.2442525, "mean_value": 12.6390425, "stdev_value": 1.3485845, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_anxious_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 3.0405405, "max_value": 22.815534, "mean_value": 12.7942177, "stdev_value": 2.2673367, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 99, "min_value": 0.1462927, "max_value": 17.1988482, "mean_value": 3.3385882, "stdev_value": 1.8404781, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220627, "num_locations": 177, "min_value": 0.1851852, "max_value": 20.3846154, "mean_value": 3.4699997, "stdev_value": 1.9600779, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220627, "num_locations": 99, "min_value": 0.2074501, "max_value": 19.0133854, "mean_value": 3.9230132, "stdev_value": 2.0474182, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 1.3645163, "max_value": 5.7176348, "mean_value": 2.879369, "stdev_value": 1.0287608, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_appointment_not_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 49, "min_value": 0.136612, "max_value": 14.0884056, "mean_value": 3.0139223, "stdev_value": 1.5351489, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 97, "min_value": 2.8947834, "max_value": 55.6878788, "mean_value": 18.1899701, "stdev_value": 6.4070756, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220627, "num_locations": 178, "min_value": 2.2727273, "max_value": 55.8252427, "mean_value": 18.2009257, "stdev_value": 6.2416784, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 98, "min_value": 3.3219911, "max_value": 46.6146387, "mean_value": 20.1795558, "stdev_value": 6.2956446, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 11.9167877, "max_value": 25.8840354, "mean_value": 17.0285233, "stdev_value": 3.5663794, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_appointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 49, "min_value": 2.8947834, "max_value": 40.9091301, "mean_value": 16.7679518, "stdev_value": 5.0595141, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 362, "min_value": 0.2237989, "max_value": 19.3409509, "mean_value": 4.8528498, "stdev_value": 2.2392157, "last_update": 1645624285, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 0.1333333, "max_value": 17.578125, "mean_value": 4.9065365, "stdev_value": 2.1153129, "last_update": 1645365159, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 0.1493704, "max_value": 18.8073394, "mean_value": 4.7442141, "stdev_value": 2.0875794, "last_update": 1645538069, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 2.9170739, "max_value": 6.4676486, "mean_value": 4.712255, "stdev_value": 1.1693786, "last_update": 1645710822, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_children_immune", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 0.4000003, "max_value": 12.3672014, "mean_value": 4.6223851, "stdev_value": 1.5579756, "last_update": 1645624436, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 363, "min_value": 1.5595178, "max_value": 38.9954032, "mean_value": 16.9962957, "stdev_value": 5.1983294, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 291, "min_value": 2.4509804, "max_value": 50.4901961, "mean_value": 18.915403, "stdev_value": 5.1776701, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 216, "min_value": 2.0612317, "max_value": 40.4307125, "mean_value": 17.6122869, "stdev_value": 4.8342499, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 16.8966159, "max_value": 20.3157167, "mean_value": 18.5028106, "stdev_value": 0.8152889, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_created_small_group", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.2522523, "max_value": 35.5991822, "mean_value": 18.8051095, "stdev_value": 4.2701708, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 375, "min_value": 49.3620543, "max_value": 96.961326, "mean_value": 77.6388762, "stdev_value": 6.9251447, "last_update": 1656687582, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 293, "min_value": 47.7564103, "max_value": 96.2328767, "mean_value": 75.1385342, "stdev_value": 6.9507118, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 219, "min_value": 46.7592593, "max_value": 95.2154174, "mean_value": 76.469296, "stdev_value": 6.2078048, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 70.507751, "max_value": 81.219875, "mean_value": 75.3967652, "stdev_value": 3.4605009, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_distancing_effective", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 49.5500005, "max_value": 95.5284553, "mean_value": 74.454045, "stdev_value": 6.3504165, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 362, "min_value": 3.2557612, "max_value": 47.7401536, "mean_value": 22.572586, "stdev_value": 6.8239109, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 291, "min_value": 4.4117647, "max_value": 55.8252427, "mean_value": 25.3236335, "stdev_value": 6.7577857, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 5.229548, "max_value": 49.2595629, "mean_value": 23.8016288, "stdev_value": 6.0625237, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 21.011988, "max_value": 28.2949287, "mean_value": 24.8515407, "stdev_value": 1.8201246, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_govt_exploitation", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 4.1666667, "max_value": 46.4502192, "mean_value": 25.6320025, "stdev_value": 5.8297068, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220627, "num_locations": 376, "min_value": 43.2954171, "max_value": 97.9651163, "mean_value": 77.5169356, "stdev_value": 8.2145814, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220627, "num_locations": 293, "min_value": 41.3043478, "max_value": 97.4178404, "mean_value": 74.1705489, "stdev_value": 8.2027679, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220627, "num_locations": 219, "min_value": 47.2142844, "max_value": 96.2759522, "mean_value": 75.8904821, "stdev_value": 7.1293745, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220627, "num_locations": 1, "min_value": 69.7626672, "max_value": 80.7278994, "mean_value": 74.5656604, "stdev_value": 3.3788714, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_masking_effective", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220627, "num_locations": 51, "min_value": 43.7072569, "max_value": 97.9651163, "mean_value": 73.3523019, "stdev_value": 7.4305426, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 361, "min_value": 1.171875, "max_value": 77.7116976, "mean_value": 21.0331544, "stdev_value": 14.0003231, "last_update": 1645624287, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 1.4150943, "max_value": 70.0819672, "mean_value": 21.7323839, "stdev_value": 14.1352958, "last_update": 1645365160, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 2.136855, "max_value": 77.4233591, "mean_value": 21.4733949, "stdev_value": 14.1658188, "last_update": 1645538070, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 8.3996604, "max_value": 48.4696633, "mean_value": 21.8394571, "stdev_value": 13.6131326, "last_update": 1645710822, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_belief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 3.4288513, "max_value": 64.2857587, "mean_value": 22.6686765, "stdev_value": 14.605575, "last_update": 1645624437, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220627, "num_locations": 1536, "min_value": 0.0, "max_value": 13.0003763, "mean_value": 1.027805, "stdev_value": 1.0362304, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220627, "num_locations": 306, "min_value": 0.0, "max_value": 11.2962963, "mean_value": 1.2269157, "stdev_value": 1.0692117, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220627, "num_locations": 382, "min_value": 0.0, "max_value": 12.5231652, "mean_value": 1.1602289, "stdev_value": 1.0960308, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220627, "num_locations": 1, "min_value": 0.3647163, "max_value": 4.382599, "mean_value": 1.1685062, "stdev_value": 0.7841888, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220627, "num_locations": 52, "min_value": 0.0, "max_value": 7.4156739, "mean_value": 1.2031664, "stdev_value": 0.9198052, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210106, "max_time": 20220627, "num_locations": 753, "min_value": 1.3182512, "max_value": 99.806477, "mean_value": 73.1689173, "stdev_value": 24.0625346, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210106, "max_time": 20220627, "num_locations": 306, "min_value": 0.4950495, "max_value": 99.5065789, "mean_value": 74.1336252, "stdev_value": 20.9790356, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210106, "max_time": 20220627, "num_locations": 361, "min_value": 1.3497978, "max_value": 98.6988259, "mean_value": 73.0066824, "stdev_value": 22.7746073, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210106, "max_time": 20220627, "num_locations": 1, "min_value": 5.4455056, "max_value": 86.832716, "mean_value": 75.3232519, "stdev_value": 20.8758334, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210106, "max_time": 20220627, "num_locations": 51, "min_value": 2.1550368, "max_value": 98.1481481, "mean_value": 75.0844935, "stdev_value": 20.9783793, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 657, "min_value": 65.1604516, "max_value": 99.8105963, "mean_value": 88.0349635, "stdev_value": 5.2263187, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 306, "min_value": 57.2625698, "max_value": 99.512987, "mean_value": 85.9083299, "stdev_value": 5.3471261, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 347, "min_value": 62.9303278, "max_value": 99.0453217, "mean_value": 86.8796612, "stdev_value": 4.9270324, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 86.0948981, "max_value": 88.5334628, "mean_value": 87.1571506, "stdev_value": 0.5924003, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 67.1810851, "max_value": 99.0066225, "mean_value": 86.6146821, "stdev_value": 4.4267436, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 371, "min_value": 34.2579817, "max_value": 95.5645161, "mean_value": 70.2740465, "stdev_value": 9.8389206, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 291, "min_value": 27.3148148, "max_value": 93.9716312, "mean_value": 66.4414807, "stdev_value": 10.0810154, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 220, "min_value": 28.2667809, "max_value": 93.9811262, "mean_value": 68.6786081, "stdev_value": 8.9466352, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 61.9736031, "max_value": 70.6638435, "mean_value": 67.1348906, "stdev_value": 2.0818524, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 38.66509, "max_value": 90.8653846, "mean_value": 66.2411893, "stdev_value": 8.9589405, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 768, "min_value": 45.0788284, "max_value": 99.745469, "mean_value": 80.9666545, "stdev_value": 8.1259498, "last_update": 1628859259, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210808, "num_locations": 306, "min_value": 44.5652174, "max_value": 99.5327103, "mean_value": 80.0951132, "stdev_value": 7.769323, "last_update": 1628859333, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210808, "num_locations": 364, "min_value": 45.4966234, "max_value": 98.3311996, "mean_value": 80.1205091, "stdev_value": 7.9816216, "last_update": 1628859384, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 70.120171, "max_value": 87.7644024, "mean_value": 82.8202898, "stdev_value": 4.7302724, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_covid_vaccinated_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 52.3185241, "max_value": 97.8932584, "mean_value": 81.9259577, "stdev_value": 6.6068393, "last_update": 1628859425, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 349, "min_value": 7.1428571, "max_value": 58.7731136, "mean_value": 30.5260235, "stdev_value": 5.4782579, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 13.2, "max_value": 52.9661017, "mean_value": 30.7646315, "stdev_value": 5.1338922, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 7.1428571, "max_value": 58.7731136, "mean_value": 30.749201, "stdev_value": 5.2077782, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 29.3886846, "max_value": 32.304431, "mean_value": 30.9506304, "stdev_value": 0.6386159, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_delayed_care_cost", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 15.2439024, "max_value": 46.5873026, "mean_value": 31.4106402, "stdev_value": 4.2449509, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 750, "min_value": 1.3215125, "max_value": 28.5219101, "mean_value": 12.6707491, "stdev_value": 2.9490081, "last_update": 1616241077, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.0372671, "max_value": 27.3722628, "mean_value": 12.5759003, "stdev_value": 2.4165054, "last_update": 1616007475, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 360, "min_value": 1.5728509, "max_value": 29.4046023, "mean_value": 12.9635171, "stdev_value": 2.8413762, "last_update": 1616154697, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 10.6528256, "max_value": 13.9352609, "mean_value": 12.3595309, "stdev_value": 0.7665024, "last_update": 1616500411, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_depressed_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 5.9090802, "max_value": 20.6156453, "mean_value": 12.6730155, "stdev_value": 1.8084615, "last_update": 1616241130, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 613, "min_value": 0.5597399, "max_value": 26.1063583, "mean_value": 10.2403199, "stdev_value": 2.7376668, "last_update": 1656687583, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 0.4807692, "max_value": 26.4423077, "mean_value": 10.4213618, "stdev_value": 2.6238609, "last_update": 1656687598, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 331, "min_value": 0.4680631, "max_value": 26.8705864, "mean_value": 10.468143, "stdev_value": 2.6812753, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 8.8132706, "max_value": 12.4159631, "mean_value": 10.2226592, "stdev_value": 0.8368107, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_depressed_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 2.3584906, "max_value": 19.6153846, "mean_value": 10.4713187, "stdev_value": 1.8961675, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 5.5555556, "max_value": 39.6263807, "mean_value": 21.4008743, "stdev_value": 4.321096, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 9.6899225, "max_value": 40.625, "mean_value": 23.9224288, "stdev_value": 4.8282974, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 9.4119587, "max_value": 40.3463675, "mean_value": 22.4776737, "stdev_value": 4.8522507, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 16.8978868, "max_value": 28.7211177, "mean_value": 20.8719719, "stdev_value": 2.5463764, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 5.5555556, "max_value": 38.942329, "mean_value": 21.3398772, "stdev_value": 4.238066, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 7.5999696, "max_value": 67.7883312, "mean_value": 33.9147538, "stdev_value": 11.7913429, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 5.9090909, "max_value": 59.9056604, "mean_value": 27.3755076, "stdev_value": 11.0428184, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 4.9886613, "max_value": 60.5993142, "mean_value": 32.0541118, "stdev_value": 11.767344, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 16.3324104, "max_value": 50.1111523, "mean_value": 34.9273113, "stdev_value": 11.0253327, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_had_covid", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 7.5999696, "max_value": 67.7883312, "mean_value": 34.0707155, "stdev_value": 11.7727205, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 9.2224772, "max_value": 38.776445, "mean_value": 22.6533446, "stdev_value": 3.8633949, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 9.3137255, "max_value": 36.5740741, "mean_value": 21.3928019, "stdev_value": 4.3704203, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 8.3386675, "max_value": 38.9421067, "mean_value": 22.5059995, "stdev_value": 4.5892419, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 19.1838094, "max_value": 26.9859256, "mean_value": 22.7430719, "stdev_value": 2.2253834, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_beneficial", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 9.2224772, "max_value": 38.776445, "mean_value": 22.6736772, "stdev_value": 3.8323621, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 22.0150329, "max_value": 56.250625, "mean_value": 38.6763552, "stdev_value": 4.187104, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 27.4774775, "max_value": 60.4761905, "mean_value": 40.7726616, "stdev_value": 4.7536919, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 28.1531223, "max_value": 61.0581599, "mean_value": 41.1034348, "stdev_value": 4.4102823, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 34.6180556, "max_value": 41.5073, "mean_value": 38.5047144, "stdev_value": 1.441484, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_high_risk", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 22.0150329, "max_value": 56.250625, "mean_value": 38.6436171, "stdev_value": 4.1338582, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 18.9814991, "max_value": 63.4969607, "mean_value": 38.0916004, "stdev_value": 5.7583841, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 20.8333333, "max_value": 61.2745098, "mean_value": 36.1879966, "stdev_value": 6.2874237, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 18.3854006, "max_value": 55.8194092, "mean_value": 35.787947, "stdev_value": 5.7656897, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 32.4725662, "max_value": 43.3047981, "mean_value": 38.2416588, "stdev_value": 2.9637077, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_not_serious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 18.5060327, "max_value": 63.4969607, "mean_value": 38.1241797, "stdev_value": 5.7263057, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 15.3592362, "max_value": 51.6000438, "mean_value": 31.6656623, "stdev_value": 4.3952503, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 12.3762376, "max_value": 48.5294118, "mean_value": 29.3215505, "stdev_value": 5.4914016, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 15.3036239, "max_value": 48.2089811, "mean_value": 30.2311313, "stdev_value": 4.9965866, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 22.0281863, "max_value": 35.1886422, "mean_value": 31.4579475, "stdev_value": 2.4228659, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 15.3592362, "max_value": 51.6000438, "mean_value": 31.69114, "stdev_value": 4.3716301, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 45, "min_value": 2.2936032, "max_value": 45.8906592, "mean_value": 16.6077555, "stdev_value": 6.5164296, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 6.8807339, "max_value": 45.0892857, "mean_value": 21.6270804, "stdev_value": 6.3256489, "last_update": 1656075161, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220626, "num_locations": 19, "min_value": 2.8657092, "max_value": 48.3796287, "mean_value": 22.2286587, "stdev_value": 7.5302762, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 9.8516076, "max_value": 30.4647337, "mean_value": 16.0890342, "stdev_value": 4.5571225, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_dontneed_reason_precautions", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 41, "min_value": 2.2936032, "max_value": 43.3333333, "mean_value": 16.4605263, "stdev_value": 6.338244, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 747, "min_value": 4.847558, "max_value": 42.3968791, "mean_value": 19.159348, "stdev_value": 3.8708993, "last_update": 1616241078, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 5.9633028, "max_value": 38.559322, "mean_value": 18.6961722, "stdev_value": 3.1790815, "last_update": 1616007475, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 358, "min_value": 4.872111, "max_value": 42.3968791, "mean_value": 19.1309308, "stdev_value": 3.7302484, "last_update": 1616154698, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 15.7917384, "max_value": 20.7178579, "mean_value": 18.8105557, "stdev_value": 1.2162638, "last_update": 1616500412, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 10.4255319, "max_value": 30.2531646, "mean_value": 19.1213406, "stdev_value": 2.8239792, "last_update": 1616241130, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20210808, "num_locations": 613, "min_value": 2.1045755, "max_value": 34.7777461, "mean_value": 13.6739243, "stdev_value": 3.9296526, "last_update": 1628859260, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20210808, "num_locations": 306, "min_value": 1.8382353, "max_value": 31.875, "mean_value": 13.0120225, "stdev_value": 3.4660622, "last_update": 1628859334, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20210808, "num_locations": 331, "min_value": 2.1202975, "max_value": 34.9286958, "mean_value": 13.5061658, "stdev_value": 3.7434069, "last_update": 1628859384, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20210808, "num_locations": 1, "min_value": 8.2389937, "max_value": 18.2134159, "mean_value": 11.6851502, "stdev_value": 2.7929577, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_felt_isolated_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20210808, "num_locations": 51, "min_value": 2.8965525, "max_value": 29.4701987, "mean_value": 12.4222859, "stdev_value": 3.5652697, "last_update": 1628859426, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 661, "min_value": 0.3968254, "max_value": 62.441788, "mean_value": 23.287253, "stdev_value": 9.5629329, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 306, "min_value": 2.173913, "max_value": 60.7623318, "mean_value": 24.7447958, "stdev_value": 9.6134064, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 347, "min_value": 1.5594999, "max_value": 62.1868215, "mean_value": 23.7939522, "stdev_value": 9.501255, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 13.4884718, "max_value": 40.0608608, "mean_value": 24.4992133, "stdev_value": 8.4733292, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_had_covid_ever", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.173913, "max_value": 50.8052975, "mean_value": 24.6392135, "stdev_value": 9.7344291, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 12.5277006, "max_value": 43.8679245, "mean_value": 26.0102465, "stdev_value": 3.7732528, "last_update": 1628859260, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 11.5384615, "max_value": 43.4579439, "mean_value": 25.8718915, "stdev_value": 3.7725057, "last_update": 1628686582, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 12.4357971, "max_value": 41.5143999, "mean_value": 25.9393855, "stdev_value": 3.6950898, "last_update": 1628772893, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 17.9802956, "max_value": 29.9519231, "mean_value": 26.0913333, "stdev_value": 1.7161223, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_allergic", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 13.0027675, "max_value": 41.3033063, "mean_value": 25.8046834, "stdev_value": 3.0869843, "last_update": 1628859426, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 0.2155175, "max_value": 15.4996704, "mean_value": 3.7842147, "stdev_value": 1.9095974, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 0.210084, "max_value": 17.1052632, "mean_value": 3.7624734, "stdev_value": 1.9099158, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 0.2395013, "max_value": 15.1063542, "mean_value": 3.8823708, "stdev_value": 2.0000504, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 2.2810659, "max_value": 6.4393365, "mean_value": 3.00952, "stdev_value": 0.8952847, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_cost", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 0.2155175, "max_value": 13.3879781, "mean_value": 3.2393359, "stdev_value": 1.375276, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20211224, "num_locations": 269, "min_value": 2.2711045, "max_value": 24.2835511, "mean_value": 11.5717715, "stdev_value": 2.5257658, "last_update": 1643835092, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20211222, "num_locations": 264, "min_value": 2.4271845, "max_value": 25.0, "mean_value": 11.6271007, "stdev_value": 2.7578404, "last_update": 1643835166, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20211223, "num_locations": 182, "min_value": 2.8420633, "max_value": 26.9141005, "mean_value": 11.5699548, "stdev_value": 2.7739234, "last_update": 1643835230, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20211225, "num_locations": 1, "min_value": 8.9895988, "max_value": 17.1052632, "mean_value": 11.729474, "stdev_value": 0.875215, "last_update": 1643835277, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20211224, "num_locations": 50, "min_value": 4.1616781, "max_value": 23.2824427, "mean_value": 11.9406882, "stdev_value": 2.0460138, "last_update": 1643835289, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 69, "min_value": 7.9831933, "max_value": 34.8039216, "mean_value": 18.8957762, "stdev_value": 2.8859943, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "hrr", "min_time": 20211220, "max_time": 20220627, "num_locations": 126, "min_value": 6.302521, "max_value": 31.9047619, "mean_value": 18.8031445, "stdev_value": 3.4864675, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 64, "min_value": 8.0349518, "max_value": 34.7722556, "mean_value": 19.155767, "stdev_value": 3.2134825, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 17.6337973, "max_value": 19.5578457, "mean_value": 18.6053012, "stdev_value": 0.4896687, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 47, "min_value": 7.9831933, "max_value": 34.8039216, "mean_value": 18.8072841, "stdev_value": 2.7702798, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 5.2643266, "max_value": 65.8658853, "mean_value": 36.5191347, "stdev_value": 10.7791288, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 5.2884615, "max_value": 66.509434, "mean_value": 37.0626382, "stdev_value": 9.9607681, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 10.8144015, "max_value": 63.5412222, "mean_value": 34.8606277, "stdev_value": 9.7029899, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 21.7519331, "max_value": 48.3679162, "mean_value": 41.1213222, "stdev_value": 7.1859845, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 13.345267, "max_value": 65.8658853, "mean_value": 41.3420766, "stdev_value": 8.1618468, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 8.1357775, "max_value": 70.1762823, "mean_value": 38.9057405, "stdev_value": 12.3176294, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 8.3333333, "max_value": 69.8019802, "mean_value": 38.3684199, "stdev_value": 11.035503, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 11.2684577, "max_value": 68.220897, "mean_value": 36.617055, "stdev_value": 10.7274537, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 25.1080152, "max_value": 55.7046293, "mean_value": 45.6832141, "stdev_value": 8.7490289, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 12.9464286, "max_value": 70.1762823, "mean_value": 45.4180477, "stdev_value": 10.3103028, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 2.9466938, "max_value": 26.9230769, "mean_value": 13.2918204, "stdev_value": 3.0049618, "last_update": 1628859261, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 3.125, "max_value": 30.0, "mean_value": 13.4446659, "stdev_value": 2.9658351, "last_update": 1628686582, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 3.1643019, "max_value": 26.6417236, "mean_value": 13.2466141, "stdev_value": 2.8991616, "last_update": 1628772893, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 11.9954903, "max_value": 19.0625, "mean_value": 14.5410251, "stdev_value": 1.7983539, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_health_condition", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 5.752447, "max_value": 25.4807711, "mean_value": 13.7821031, "stdev_value": 2.58501, "last_update": 1628859426, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 7.6253143, "max_value": 41.5178571, "mean_value": 23.6646706, "stdev_value": 4.6730662, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 8.3333333, "max_value": 45.3389831, "mean_value": 23.8568069, "stdev_value": 5.0179228, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 7.6046012, "max_value": 41.8429875, "mean_value": 23.2509192, "stdev_value": 4.9052365, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 18.6429566, "max_value": 29.2183088, "mean_value": 24.8469856, "stdev_value": 3.1445592, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_ineffective", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 10.4982767, "max_value": 41.5178571, "mean_value": 25.0455331, "stdev_value": 4.1267331, "last_update": 1656687627, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 1.151964, "max_value": 48.1833181, "mean_value": 14.9931388, "stdev_value": 9.8883824, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 0.2564103, "max_value": 50.462963, "mean_value": 14.4400568, "stdev_value": 9.0336238, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 1.14958, "max_value": 46.0995474, "mean_value": 15.6970358, "stdev_value": 9.478581, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 5.4775281, "max_value": 30.9452429, "mean_value": 10.4082069, "stdev_value": 6.5575274, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_low_priority", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 1.3643111, "max_value": 41.9376261, "mean_value": 11.028012, "stdev_value": 7.1934213, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.386761, "max_value": 20.7570463, "mean_value": 8.0616076, "stdev_value": 2.1608849, "last_update": 1628859261, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 1.1363636, "max_value": 19.9115044, "mean_value": 8.2536819, "stdev_value": 2.1689074, "last_update": 1628686583, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 1.4547853, "max_value": 21.8581853, "mean_value": 8.133678, "stdev_value": 2.1755125, "last_update": 1628772894, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 5.2469136, "max_value": 12.0967742, "mean_value": 8.8603661, "stdev_value": 1.3347251, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_not_recommended", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 3.5089339, "max_value": 20.1410863, "mean_value": 8.4542469, "stdev_value": 1.7608239, "last_update": 1628859427, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 1.5032889, "max_value": 38.4530358, "mean_value": 18.0318265, "stdev_value": 6.0784961, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 2.7108434, "max_value": 41.1504425, "mean_value": 18.2904596, "stdev_value": 6.2693802, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 2.3625711, "max_value": 40.9060207, "mean_value": 17.7624169, "stdev_value": 6.2768452, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 9.8386754, "max_value": 26.1018426, "mean_value": 19.7260919, "stdev_value": 4.2675848, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 6.0416717, "max_value": 38.4353741, "mean_value": 19.9759984, "stdev_value": 5.0931442, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.3552191, "max_value": 14.6540741, "mean_value": 5.6372688, "stdev_value": 1.8499839, "last_update": 1628859261, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 0.3546099, "max_value": 16.0194175, "mean_value": 5.5408598, "stdev_value": 1.8581863, "last_update": 1628686583, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 0.3552191, "max_value": 15.2817242, "mean_value": 5.6604232, "stdev_value": 1.8489533, "last_update": 1628772894, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 4.768177, "max_value": 8.4482759, "mean_value": 5.7052265, "stdev_value": 0.7252245, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_pregnant", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 0.4761905, "max_value": 14.6177141, "mean_value": 5.6006103, "stdev_value": 1.4179715, "last_update": 1628859427, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 0.2360437, "max_value": 31.0896908, "mean_value": 9.5731818, "stdev_value": 5.6135668, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 0.2145923, "max_value": 32.5242718, "mean_value": 9.5878573, "stdev_value": 5.6824616, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 0.2575795, "max_value": 33.000132, "mean_value": 9.0745758, "stdev_value": 5.588583, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 2.9005064, "max_value": 17.879135, "mean_value": 11.4734824, "stdev_value": 4.4808544, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_religious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 0.4587282, "max_value": 31.0896908, "mean_value": 11.4886602, "stdev_value": 5.1003127, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 32.1700956, "max_value": 77.7274672, "mean_value": 54.5277961, "stdev_value": 6.6817846, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 31.7391304, "max_value": 77.184466, "mean_value": 54.6944144, "stdev_value": 6.8935509, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 31.3196644, "max_value": 77.8600854, "mean_value": 54.208866, "stdev_value": 6.8612561, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 46.2099725, "max_value": 61.6628626, "mean_value": 56.8816361, "stdev_value": 4.3930445, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_sideeffects", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 36.222644, "max_value": 77.7274672, "mean_value": 56.8734399, "stdev_value": 5.5501117, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 2.6923077, "max_value": 60.9159097, "mean_value": 30.8502858, "stdev_value": 10.6748742, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 3.9634146, "max_value": 60.738255, "mean_value": 30.479742, "stdev_value": 9.5801621, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 4.9094519, "max_value": 60.2549363, "mean_value": 29.5871094, "stdev_value": 9.7960234, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 14.985451, "max_value": 44.0741505, "mean_value": 34.973603, "stdev_value": 7.3436236, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 9.8511649, "max_value": 60.9159097, "mean_value": 35.3889361, "stdev_value": 8.6494152, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 269, "min_value": 7.203921, "max_value": 61.8609084, "mean_value": 33.163916, "stdev_value": 9.1076926, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 264, "min_value": 7.4257426, "max_value": 58.6065574, "mean_value": 34.2231687, "stdev_value": 7.8186749, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 182, "min_value": 8.4083875, "max_value": 56.0710642, "mean_value": 35.301723, "stdev_value": 7.945878, "last_update": 1656687613, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 15.5350781, "max_value": 42.261273, "mean_value": 29.55581, "stdev_value": 8.3428445, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hesitancy_reason_wait_safety", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 50, "min_value": 7.203921, "max_value": 50.3012048, "mean_value": 29.9396632, "stdev_value": 8.5442628, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220627, "num_locations": 1254, "min_value": 1.4851485, "max_value": 71.4236679, "mean_value": 21.7236053, "stdev_value": 10.0597465, "last_update": 1656687584, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220627, "num_locations": 306, "min_value": 2.0833333, "max_value": 69.6261682, "mean_value": 22.5243714, "stdev_value": 10.1504462, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220627, "num_locations": 381, "min_value": 2.291879, "max_value": 71.5988029, "mean_value": 22.9118476, "stdev_value": 10.3617076, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220627, "num_locations": 1, "min_value": 8.9571677, "max_value": 46.6586363, "mean_value": 21.5844429, "stdev_value": 7.4300114, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_hh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220627, "num_locations": 52, "min_value": 3.0, "max_value": 63.6425937, "mean_value": 22.0163667, "stdev_value": 9.5743832, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220627, "num_locations": 1536, "min_value": 0.0, "max_value": 13.0003763, "mean_value": 1.0523321, "stdev_value": 1.0539384, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220627, "num_locations": 306, "min_value": 0.0, "max_value": 12.4443956, "mean_value": 1.2519422, "stdev_value": 1.0877521, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220627, "num_locations": 382, "min_value": 0.0, "max_value": 12.9951589, "mean_value": 1.1853276, "stdev_value": 1.1148771, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220627, "num_locations": 1, "min_value": 0.3778058, "max_value": 4.5067924, "mean_value": 1.1945039, "stdev_value": 0.8030019, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220627, "num_locations": 52, "min_value": 0.0, "max_value": 7.5896827, "mean_value": 1.2279235, "stdev_value": 0.9389695, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 295, "min_value": 2.4768475, "max_value": 95.9090909, "mean_value": 44.5197765, "stdev_value": 24.4115893, "last_update": 1643835093, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 264, "min_value": 2.5, "max_value": 96.6981132, "mean_value": 46.6805616, "stdev_value": 23.126512, "last_update": 1643835167, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211224, "num_locations": 181, "min_value": 2.4768475, "max_value": 95.8277046, "mean_value": 45.6823519, "stdev_value": 23.6294977, "last_update": 1643835232, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 31.1474442, "max_value": 86.2974266, "mean_value": 57.9919467, "stdev_value": 19.6343032, "last_update": 1643835278, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 4.6188443, "max_value": 95.9090909, "mean_value": 58.5177167, "stdev_value": 22.7773491, "last_update": 1643835290, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 70, "min_value": 64.2528801, "max_value": 99.5454541, "mean_value": 93.1441744, "stdev_value": 3.8302019, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220627, "num_locations": 89, "min_value": 58.7378641, "max_value": 99.7326203, "mean_value": 91.7818697, "stdev_value": 5.0539044, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 53, "min_value": 58.9464332, "max_value": 99.6914588, "mean_value": 92.912921, "stdev_value": 4.2150885, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 88.4834058, "max_value": 95.8449786, "mean_value": 93.797397, "stdev_value": 1.8885489, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_fulltime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 42, "min_value": 64.2528801, "max_value": 99.5454541, "mean_value": 93.2461363, "stdev_value": 3.7585036, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 293, "min_value": 0.4471104, "max_value": 75.0, "mean_value": 23.66865, "stdev_value": 12.0654216, "last_update": 1643835094, "max_issue": 20220202, "min_lag": 1, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 259, "min_value": 0.4464286, "max_value": 64.9390244, "mean_value": 24.6476029, "stdev_value": 11.1406814, "last_update": 1643835167, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211223, "num_locations": 178, "min_value": 0.4471104, "max_value": 67.5480642, "mean_value": 23.7069805, "stdev_value": 11.3600091, "last_update": 1643835232, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 14.670418, "max_value": 28.0281176, "mean_value": 21.435269, "stdev_value": 4.6015634, "last_update": 1643835278, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 4.6727195, "max_value": 65.3645513, "mean_value": 22.4179137, "stdev_value": 9.9737538, "last_update": 1643835290, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 70, "min_value": 0.1455601, "max_value": 25.061993, "mean_value": 4.3675839, "stdev_value": 2.6485041, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220627, "num_locations": 89, "min_value": 0.1968504, "max_value": 27.4691358, "mean_value": 5.2424037, "stdev_value": 3.457449, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 53, "min_value": 0.2105131, "max_value": 30.1952249, "mean_value": 4.4253137, "stdev_value": 2.7792599, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 2.4698405, "max_value": 7.3677432, "mean_value": 3.9326243, "stdev_value": 1.2549263, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_inperson_school_parttime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 42, "min_value": 0.1455601, "max_value": 21.0691824, "mean_value": 4.3116651, "stdev_value": 2.6010067, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 0.2747253, "max_value": 35.0190308, "mean_value": 9.9150598, "stdev_value": 5.0553773, "last_update": 1616241080, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 0.5050505, "max_value": 38.372093, "mean_value": 10.6125117, "stdev_value": 4.9980909, "last_update": 1616007477, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 0.2747253, "max_value": 41.2128132, "mean_value": 10.5650454, "stdev_value": 5.0873737, "last_update": 1616154700, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 5.821922, "max_value": 14.4078957, "mean_value": 9.8547453, "stdev_value": 2.9501063, "last_update": 1616500415, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_large_event_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 1.3324856, "max_value": 27.9500957, "mean_value": 10.08541, "stdev_value": 4.6567058, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 0.8426611, "max_value": 48.9674534, "mean_value": 19.5557945, "stdev_value": 6.5286424, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 1.2, "max_value": 49.5535714, "mean_value": 20.8342057, "stdev_value": 6.3583766, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 1.0457604, "max_value": 48.695691, "mean_value": 20.0899501, "stdev_value": 6.3579349, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 9.2876428, "max_value": 28.4955233, "mean_value": 20.3804892, "stdev_value": 4.9184689, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_large_event_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 2.1613833, "max_value": 42.4393107, "mean_value": 20.8737336, "stdev_value": 6.3113389, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220627, "num_locations": 1255, "min_value": 0.0873015873015873, "max_value": 64.9542619, "mean_value": 17.3135055, "stdev_value": 9.2732346, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220627, "num_locations": 306, "min_value": 0.4385965, "max_value": 62.3015873, "mean_value": 17.847692, "stdev_value": 9.3914735, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220627, "num_locations": 381, "min_value": 0.4140571, "max_value": 62.6385053, "mean_value": 18.2762835, "stdev_value": 9.6017706, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220627, "num_locations": 1, "min_value": 5.9029574, "max_value": 40.1083297, "mean_value": 17.0003805, "stdev_value": 6.7897742, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_nohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220627, "num_locations": 52, "min_value": 1.8, "max_value": 57.8524353, "mean_value": 17.3921858, "stdev_value": 8.8588016, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220627, "num_locations": 360, "min_value": 3.3562166, "max_value": 57.5892857, "mean_value": 20.6124184, "stdev_value": 6.831208, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220627, "num_locations": 290, "min_value": 3.0701754, "max_value": 57.2, "mean_value": 19.9457339, "stdev_value": 6.4247535, "last_update": 1656687599, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220627, "num_locations": 214, "min_value": 3.0156712, "max_value": 57.5892857, "mean_value": 20.1721024, "stdev_value": 6.5892291, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220627, "num_locations": 1, "min_value": 12.6425317, "max_value": 30.5620336, "mean_value": 19.4177543, "stdev_value": 3.9138545, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_distanced_public", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220627, "num_locations": 51, "min_value": 6.1373559, "max_value": 54.1118421, "mean_value": 19.1732815, "stdev_value": 5.9312161, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20210808, "num_locations": 726, "min_value": 0.4545455, "max_value": 99.5689655, "mean_value": 76.7892852, "stdev_value": 20.3268655, "last_update": 1628859266, "max_issue": 20210813, "min_lag": 0, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20210808, "num_locations": 306, "min_value": 0.3012048, "max_value": 97.8483607, "mean_value": 70.5054701, "stdev_value": 23.0938682, "last_update": 1628859339, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20210808, "num_locations": 355, "min_value": 0.9678555, "max_value": 99.3561028, "mean_value": 73.8146157, "stdev_value": 20.8637976, "last_update": 1628859387, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20210808, "num_locations": 1, "min_value": 11.3260333, "max_value": 83.3975338, "mean_value": 62.0673298, "stdev_value": 26.5766067, "last_update": 1628859420, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20210808, "num_locations": 51, "min_value": 0.4545455, "max_value": 97.3011364, "mean_value": 65.3182332, "stdev_value": 27.4483035, "last_update": 1628859428, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 363, "min_value": 0.1847656, "max_value": 91.411247, "mean_value": 24.0853734, "stdev_value": 22.5073682, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.1552795, "max_value": 91.6666667, "mean_value": 19.7083939, "stdev_value": 20.4022362, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.1495027, "max_value": 88.8538176, "mean_value": 20.9942671, "stdev_value": 20.7558111, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 3.3426304, "max_value": 55.2231769, "mean_value": 19.5272947, "stdev_value": 10.9635458, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_others_masked_public", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.2051755, "max_value": 86.6319444, "mean_value": 17.6915699, "stdev_value": 18.9261281, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 835, "min_value": 0.095057, "max_value": 62.1767008, "mean_value": 4.0788632, "stdev_value": 4.2801094, "last_update": 1656687585, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220627, "num_locations": 306, "min_value": 0.1347709, "max_value": 49.3869732, "mean_value": 3.9592897, "stdev_value": 3.574987, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 370, "min_value": 0.134393, "max_value": 22.9349191, "mean_value": 3.5387868, "stdev_value": 2.0462001, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 2.1052249, "max_value": 6.8432808, "mean_value": 4.3162926, "stdev_value": 1.3625614, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_public_transit_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 0.2777778, "max_value": 40.6077348, "mean_value": 4.2994529, "stdev_value": 3.2892331, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 350, "min_value": 45.7284817, "max_value": 95.754717, "mean_value": 80.5063719, "stdev_value": 5.9788001, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 48.828125, "max_value": 96.7592593, "mean_value": 80.9544846, "stdev_value": 5.5061638, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 55.8864608, "max_value": 96.0307321, "mean_value": 81.0345777, "stdev_value": 5.0956802, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 79.5861654, "max_value": 82.0039327, "mean_value": 80.7542663, "stdev_value": 0.6791153, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_race_treated_fairly_healthcare", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 61.328125, "max_value": 95.2020275, "mean_value": 81.4277317, "stdev_value": 4.1343718, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20211114, "num_locations": 552, "min_value": 2.3198356, "max_value": 99.5404178, "mean_value": 80.4469778, "stdev_value": 17.4457364, "last_update": 1637329883, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "hrr", "min_time": 20210114, "max_time": 20211114, "num_locations": 305, "min_value": 2.6315789, "max_value": 98.7603306, "mean_value": 78.6262274, "stdev_value": 19.1983196, "last_update": 1637329975, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20211114, "num_locations": 314, "min_value": 1.4015063, "max_value": 99.5404178, "mean_value": 79.7855858, "stdev_value": 18.1636474, "last_update": 1637330045, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20211114, "num_locations": 1, "min_value": 18.0464866, "max_value": 93.7901764, "mean_value": 76.0886178, "stdev_value": 21.9440468, "last_update": 1637330091, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_2_vaccine_doses", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20211114, "num_locations": 51, "min_value": 7.195572, "max_value": 96.8390805, "mean_value": 76.7985081, "stdev_value": 21.4059638, "last_update": 1637330099, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 17.312376, "max_value": 83.8691929, "mean_value": 50.6508482, "stdev_value": 9.2428997, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 18.7943262, "max_value": 79.2763158, "mean_value": 48.1565334, "stdev_value": 8.7193388, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 17.312376, "max_value": 80.0966962, "mean_value": 49.9010932, "stdev_value": 8.6830128, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 34.376968, "max_value": 62.0013045, "mean_value": 47.7332059, "stdev_value": 6.9562962, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 21.3121132, "max_value": 80.0653595, "mean_value": 47.8799708, "stdev_value": 8.7058391, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 15.4020118, "max_value": 76.4838488, "mean_value": 46.0801026, "stdev_value": 9.0546172, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 10.3960396, "max_value": 76.0869565, "mean_value": 43.6024718, "stdev_value": 8.6323687, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 15.4020118, "max_value": 76.4838488, "mean_value": 45.2427395, "stdev_value": 8.5528722, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 29.6171405, "max_value": 52.3496564, "mean_value": 43.040267, "stdev_value": 6.3316409, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 15.7130176, "max_value": 70.0980392, "mean_value": 42.9188447, "stdev_value": 8.2292133, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 7.7432706, "max_value": 50.7741956, "mean_value": 26.7384901, "stdev_value": 5.8833039, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 5.1181102, "max_value": 51.1904762, "mean_value": 25.5411159, "stdev_value": 5.6777075, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 7.9338375, "max_value": 47.7828711, "mean_value": 26.0776042, "stdev_value": 5.6801554, "last_update": 1656687614, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 18.5287658, "max_value": 32.7078103, "mean_value": 25.0839403, "stdev_value": 4.232665, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 8.6484698, "max_value": 48.8970588, "mean_value": 24.9527965, "stdev_value": 5.1881611, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 11.2360077, "max_value": 75.9390557, "mean_value": 42.3387361, "stdev_value": 8.5996051, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 8.7155963, "max_value": 72.1238938, "mean_value": 40.1722302, "stdev_value": 8.2112814, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 10.7331883, "max_value": 75.9390557, "mean_value": 41.4797682, "stdev_value": 8.2858454, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 26.3702126, "max_value": 48.9312391, "mean_value": 39.6279308, "stdev_value": 6.2032699, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 16.1182262, "max_value": 75.6849315, "mean_value": 39.8700826, "stdev_value": 8.2698508, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 18.1361571, "max_value": 71.5753425, "mean_value": 40.9366511, "stdev_value": 6.6404217, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 13.8095238, "max_value": 66.2601626, "mean_value": 38.8559338, "stdev_value": 6.2780698, "last_update": 1656687600, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 17.6076207, "max_value": 67.8437627, "mean_value": 39.9352284, "stdev_value": 5.9403424, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 29.8004842, "max_value": 44.8232294, "mean_value": 38.7965116, "stdev_value": 3.379436, "last_update": 1656687623, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 18.5121144, "max_value": 71.5753425, "mean_value": 38.4492033, "stdev_value": 5.5845236, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 13.086205, "max_value": 51.3641074, "mean_value": 31.4615558, "stdev_value": 5.099061, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 9.5041322, "max_value": 52.962963, "mean_value": 30.9371166, "stdev_value": 5.0522055, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 12.7113586, "max_value": 52.5606046, "mean_value": 31.4198377, "stdev_value": 5.0660626, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 25.7341349, "max_value": 35.5974473, "mean_value": 30.3417511, "stdev_value": 3.5064817, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_local_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 16.3908796, "max_value": 46.9298246, "mean_value": 30.3429556, "stdev_value": 4.4405127, "last_update": 1656687628, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 2.0719957, "max_value": 51.741146, "mean_value": 18.2266474, "stdev_value": 6.5932903, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 3.2934132, "max_value": 51.3392857, "mean_value": 20.2708858, "stdev_value": 6.7447741, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 3.4415375, "max_value": 50.8466214, "mean_value": 19.0390409, "stdev_value": 6.2442693, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 13.285984, "max_value": 31.2890969, "mean_value": 20.5412468, "stdev_value": 5.0736556, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 3.3980583, "max_value": 51.741146, "mean_value": 21.024077, "stdev_value": 6.7603186, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 0.8940556, "max_value": 32.5937989, "mean_value": 14.0008319, "stdev_value": 4.2653918, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 1.4018692, "max_value": 34.2975207, "mean_value": 13.6821224, "stdev_value": 4.1663945, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 0.9588292, "max_value": 33.178543, "mean_value": 13.8866663, "stdev_value": 4.2377682, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 6.6163647, "max_value": 19.3050672, "mean_value": 13.1515188, "stdev_value": 3.3615168, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.5184476, "max_value": 30.6034483, "mean_value": 13.2356591, "stdev_value": 3.7841364, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 352, "min_value": 0.1473069, "max_value": 45.2891468, "mean_value": 3.5073868, "stdev_value": 2.0707023, "last_update": 1656687586, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.1272265, "max_value": 44.9115044, "mean_value": 3.4576402, "stdev_value": 1.9319238, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 0.1374717, "max_value": 44.8339205, "mean_value": 3.5319733, "stdev_value": 2.1284912, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 1.9109, "max_value": 4.7174082, "mean_value": 3.1307987, "stdev_value": 0.6967878, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_received_news_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.1612903, "max_value": 30.9379587, "mean_value": 3.2542438, "stdev_value": 1.6775432, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 0.3676141, "max_value": 43.0794739, "mean_value": 16.832985, "stdev_value": 6.4682913, "last_update": 1616241082, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 1.6081871, "max_value": 38.6178862, "mean_value": 17.1756996, "stdev_value": 6.1310185, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 1.3915847, "max_value": 41.8370156, "mean_value": 17.3328964, "stdev_value": 6.3786693, "last_update": 1616154700, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 10.4524366, "max_value": 22.6636252, "mean_value": 16.8144285, "stdev_value": 4.0862523, "last_update": 1616500416, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 3.5497285, "max_value": 35.6485482, "mean_value": 16.9186822, "stdev_value": 5.5279085, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 2.7331963, "max_value": 64.8308781, "mean_value": 31.960638, "stdev_value": 7.7718147, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 2.6011561, "max_value": 67.1428571, "mean_value": 32.8701005, "stdev_value": 7.2634747, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 2.9035161, "max_value": 64.8308781, "mean_value": 32.5363587, "stdev_value": 7.4270669, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 17.2784122, "max_value": 39.501548, "mean_value": 32.6372926, "stdev_value": 5.4919707, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_restaurant_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 6.1959654, "max_value": 53.0953846, "mean_value": 32.7768418, "stdev_value": 6.9573693, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20210319, "max_time": 20220216, "num_locations": 62, "min_value": 0.117647, "max_value": 23.1817905, "mean_value": 2.8704683, "stdev_value": 2.4927731, "last_update": 1645451502, "max_issue": 20220221, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20210319, "max_time": 20220203, "num_locations": 59, "min_value": 0.1557632, "max_value": 16.2280702, "mean_value": 2.9334139, "stdev_value": 2.3583522, "last_update": 1644333640, "max_issue": 20220208, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20210319, "max_time": 20220212, "num_locations": 36, "min_value": 0.1706702, "max_value": 13.4830291, "mean_value": 2.6089512, "stdev_value": 2.165859, "last_update": 1645113254, "max_issue": 20220217, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20210319, "max_time": 20220218, "num_locations": 1, "min_value": 1.033658, "max_value": 8.3287778, "mean_value": 2.5091115, "stdev_value": 1.8165345, "last_update": 1645624431, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_screening_tested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20210319, "max_time": 20220216, "num_locations": 41, "min_value": 0.117647, "max_value": 23.1817905, "mean_value": 2.862409, "stdev_value": 2.4994776, "last_update": 1645451656, "max_issue": 20220221, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 31.0457878, "max_value": 80.9303016, "mean_value": 55.799649, "stdev_value": 5.697443, "last_update": 1616241082, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 34.1911765, "max_value": 80.078125, "mean_value": 56.1945625, "stdev_value": 4.9992259, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 31.0457878, "max_value": 79.8241917, "mean_value": 56.2465007, "stdev_value": 5.5273594, "last_update": 1616154701, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 48.7589625, "max_value": 63.5714286, "mean_value": 56.0491055, "stdev_value": 3.6312046, "last_update": 1616500416, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_shop_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 38.8026714, "max_value": 71.0785011, "mean_value": 55.8633728, "stdev_value": 4.390865, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 37.1943143, "max_value": 86.213313, "mean_value": 63.5125812, "stdev_value": 5.9668137, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 37.3873874, "max_value": 83.8582677, "mean_value": 64.0812804, "stdev_value": 5.3502162, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 39.8970268, "max_value": 85.235709, "mean_value": 63.8099815, "stdev_value": 5.6786129, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 52.584436, "max_value": 69.1694563, "mean_value": 63.8664099, "stdev_value": 4.1159181, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_shop_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 39.0489914, "max_value": 77.3469237, "mean_value": 64.202676, "stdev_value": 4.7537286, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 11.1333192, "max_value": 65.7019113, "mean_value": 35.7243069, "stdev_value": 7.20866, "last_update": 1616241082, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 16.0805861, "max_value": 68.0147059, "mean_value": 36.3163891, "stdev_value": 6.8526953, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 14.7522808, "max_value": 71.5605842, "mean_value": 36.4135148, "stdev_value": 6.9560007, "last_update": 1616154701, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 27.3592369, "max_value": 45.4855762, "mean_value": 35.6599339, "stdev_value": 5.2053241, "last_update": 1616500416, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 20.9839357, "max_value": 61.1029307, "mean_value": 36.1353946, "stdev_value": 6.4029348, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 13.6185427, "max_value": 68.0766531, "mean_value": 42.5816393, "stdev_value": 6.7250815, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 13.8980263, "max_value": 69.4174757, "mean_value": 43.5116699, "stdev_value": 6.3400205, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 15.7098596, "max_value": 67.506316, "mean_value": 43.1458971, "stdev_value": 6.3721644, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 31.7669627, "max_value": 50.1394421, "mean_value": 43.013888, "stdev_value": 4.2230405, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_spent_time_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 19.5478723, "max_value": 62.0851589, "mean_value": 44.0493843, "stdev_value": 5.8402787, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 802, "min_value": 0.3763116, "max_value": 60.1618463, "mean_value": 13.3762443, "stdev_value": 7.1632356, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220627, "num_locations": 306, "min_value": 0.3759398, "max_value": 54.8507463, "mean_value": 13.3679335, "stdev_value": 6.8422179, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 366, "min_value": 0.468327, "max_value": 51.7699115, "mean_value": 13.0237435, "stdev_value": 6.7146357, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 6.7457229, "max_value": 30.8202368, "mean_value": 13.6709261, "stdev_value": 5.6521833, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_tested_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 3.1647525, "max_value": 55.9561129, "mean_value": 13.7596762, "stdev_value": 6.8894805, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 225, "min_value": 0.3179165, "max_value": 55.3326263, "mean_value": 16.1408705, "stdev_value": 9.5222896, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200909, "max_time": 20220627, "num_locations": 225, "min_value": 0.3289474, "max_value": 58.8461538, "mean_value": 17.0765221, "stdev_value": 10.0769297, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 91}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 138, "min_value": 0.3697014, "max_value": 57.088055, "mean_value": 16.5016645, "stdev_value": 9.9953246, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 4.5745106, "max_value": 33.5769515, "mean_value": 14.4196346, "stdev_value": 6.8459732, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_tested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 0.3448276, "max_value": 50.4549182, "mean_value": 15.6387244, "stdev_value": 9.0528174, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20210315, "num_locations": 1438, "min_value": 0.1278728, "max_value": 62.0102684, "mean_value": 9.2267224, "stdev_value": 6.9656407, "last_update": 1616241083, "max_issue": 20210320, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20210311, "num_locations": 306, "min_value": 0.1602564, "max_value": 60.8490566, "mean_value": 8.8027838, "stdev_value": 5.8373052, "last_update": 1616007478, "max_issue": 20210317, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20210314, "num_locations": 382, "min_value": 0.1057638, "max_value": 58.3878256, "mean_value": 8.6504808, "stdev_value": 6.4744061, "last_update": 1616154701, "max_issue": 20210319, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20210318, "num_locations": 1, "min_value": 3.4962419, "max_value": 12.0337847, "mean_value": 8.345124, "stdev_value": 2.2727862, "last_update": 1616500417, "max_issue": 20210323, "min_lag": 5, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_5d", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20210315, "num_locations": 52, "min_value": 0.5523732, "max_value": 33.68356, "mean_value": 10.1314193, "stdev_value": 5.3121718, "last_update": 1616241131, "max_issue": 20210320, "min_lag": 5, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220218, "num_locations": 663, "min_value": 0.2888028, "max_value": 59.9099099, "mean_value": 13.4613361, "stdev_value": 7.0376795, "last_update": 1645624303, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220217, "num_locations": 306, "min_value": 0.3267974, "max_value": 52.4074074, "mean_value": 13.4212873, "stdev_value": 6.676349, "last_update": 1645538035, "max_issue": 20220222, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220218, "num_locations": 347, "min_value": 0.2888028, "max_value": 53.1144844, "mean_value": 12.7939332, "stdev_value": 6.795581, "last_update": 1645624404, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220220, "num_locations": 1, "min_value": 8.2461599, "max_value": 16.5613488, "mean_value": 12.9164168, "stdev_value": 2.1343214, "last_update": 1645797206, "max_issue": 20220225, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_travel_outside_state_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220218, "num_locations": 51, "min_value": 1.8213866, "max_value": 46.347032, "mean_value": 15.4810928, "stdev_value": 6.3118193, "last_update": 1645624441, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 350, "min_value": 27.1256082, "max_value": 84.5459654, "mean_value": 57.614259, "stdev_value": 7.5952306, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 25.462963, "max_value": 81.2883436, "mean_value": 54.9767355, "stdev_value": 7.3131159, "last_update": 1656687601, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 214, "min_value": 29.7698242, "max_value": 79.825075, "mean_value": 56.5924869, "stdev_value": 6.8854451, "last_update": 1656687615, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 49.3947756, "max_value": 59.4503216, "mean_value": 55.1219109, "stdev_value": 2.9995216, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 32.3779553, "max_value": 81.6037736, "mean_value": 54.8223408, "stdev_value": 6.4017258, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 349, "min_value": 46.2507761, "max_value": 90.2044342, "mean_value": 69.5155329, "stdev_value": 6.197707, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 39.9038462, "max_value": 87.7952756, "mean_value": 67.379049, "stdev_value": 5.8552502, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 47.6851852, "max_value": 88.1973757, "mean_value": 68.9191687, "stdev_value": 5.4751655, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 65.0621494, "max_value": 70.6477209, "mean_value": 67.5793704, "stdev_value": 1.3295593, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 46.2507761, "max_value": 86.9127517, "mean_value": 67.3045155, "stdev_value": 4.7440448, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 348, "min_value": 33.47621, "max_value": 91.0104694, "mean_value": 63.36685, "stdev_value": 8.5940192, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 287, "min_value": 27.9411765, "max_value": 87.1681416, "mean_value": 59.9603122, "stdev_value": 8.4220489, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 212, "min_value": 34.6926622, "max_value": 91.0104694, "mean_value": 62.0394297, "stdev_value": 7.6649362, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 56.7147029, "max_value": 63.9986564, "mean_value": 60.2942475, "stdev_value": 2.0538771, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 33.47621, "max_value": 87.8640777, "mean_value": 59.7360342, "stdev_value": 7.3349201, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 346, "min_value": 5.4369333, "max_value": 38.9051494, "mean_value": 18.1730347, "stdev_value": 3.2492851, "last_update": 1656687587, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 287, "min_value": 5.4455446, "max_value": 39.1089109, "mean_value": 18.3914261, "stdev_value": 3.1059275, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 212, "min_value": 6.0849708, "max_value": 33.7606838, "mean_value": 17.9772443, "stdev_value": 3.0392559, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 16.2863731, "max_value": 19.811724, "mean_value": 18.2680896, "stdev_value": 0.8368338, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 7.2115385, "max_value": 30.9752385, "mean_value": 18.4532261, "stdev_value": 2.1554057, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 348, "min_value": 12.5616662, "max_value": 70.6140351, "mean_value": 35.4145167, "stdev_value": 6.9847982, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 10.5504587, "max_value": 61.4197531, "mean_value": 33.2079277, "stdev_value": 6.6038561, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 213, "min_value": 12.9255707, "max_value": 59.5366116, "mean_value": 34.2255822, "stdev_value": 6.2320838, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 30.0533624, "max_value": 36.817049, "mean_value": 33.275057, "stdev_value": 1.6798429, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 16.4116634, "max_value": 70.6140351, "mean_value": 33.0422332, "stdev_value": 5.6106437, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 345, "min_value": 0.9117942, "max_value": 30.8823529, "mean_value": 10.0398423, "stdev_value": 3.589571, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 287, "min_value": 0.3401361, "max_value": 27.5700935, "mean_value": 9.1369414, "stdev_value": 3.2422956, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 212, "min_value": 0.4032307, "max_value": 25.7424154, "mean_value": 9.3795789, "stdev_value": 2.8861662, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 7.7449028, "max_value": 11.2790921, "mean_value": 9.1526601, "stdev_value": 0.9311228, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 1.1426952, "max_value": 30.8823529, "mean_value": 8.8816003, "stdev_value": 2.4764832, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 345, "min_value": 0.1278606, "max_value": 18.3870968, "mean_value": 3.2940236, "stdev_value": 1.7737813, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 288, "min_value": 0.1207729, "max_value": 16.9871795, "mean_value": 3.0638253, "stdev_value": 1.5928745, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 211, "min_value": 0.1462759, "max_value": 13.1715615, "mean_value": 3.059005, "stdev_value": 1.4350094, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 2.4429154, "max_value": 3.4157622, "mean_value": 2.864685, "stdev_value": 0.2056409, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.1278606, "max_value": 9.3137255, "mean_value": 2.7453702, "stdev_value": 0.9634634, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 343, "min_value": 0.4550481, "max_value": 48.1382566, "mean_value": 9.6968356, "stdev_value": 3.5750494, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 286, "min_value": 1.2195122, "max_value": 48.6754967, "mean_value": 10.0372339, "stdev_value": 3.4546102, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 210, "min_value": 0.48076, "max_value": 47.664856, "mean_value": 9.869458, "stdev_value": 3.6585668, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 9.1331293, "max_value": 10.7871885, "mean_value": 9.7769491, "stdev_value": 0.3359694, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_trust_covid_info_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 1.4792899, "max_value": 31.6707078, "mean_value": 9.9613873, "stdev_value": 3.0734899, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220627, "num_locations": 43, "min_value": 0.3623013, "max_value": 19.6153997, "mean_value": 7.2753735, "stdev_value": 2.9945623, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "hrr", "min_time": 20210606, "max_time": 20220224, "num_locations": 36, "min_value": 2.016129, "max_value": 20.4347826, "mean_value": 9.8059247, "stdev_value": 3.2850435, "last_update": 1646148974, "max_issue": 20220301, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220525, "num_locations": 20, "min_value": 2.1013754, "max_value": 21.6321272, "mean_value": 10.038492, "stdev_value": 3.0406572, "last_update": 1653915198, "max_issue": 20220530, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220627, "num_locations": 1, "min_value": 2.5275853, "max_value": 10.6381247, "mean_value": 6.3220146, "stdev_value": 2.4845387, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_try_vaccinate_1m", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220627, "num_locations": 39, "min_value": 0.3623013, "max_value": 19.6153997, "mean_value": 7.1912902, "stdev_value": 2.9158405, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220627, "num_locations": 82, "min_value": 41.3385039, "max_value": 95.633186, "mean_value": 70.3996744, "stdev_value": 9.2363304, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220627, "num_locations": 113, "min_value": 43.75, "max_value": 95.631068, "mean_value": 74.16059, "stdev_value": 8.7004116, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220627, "num_locations": 67, "min_value": 49.8405036, "max_value": 97.0886686, "mean_value": 76.9479083, "stdev_value": 7.539286, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 67.0350504, "max_value": 74.0816004, "mean_value": 69.7347097, "stdev_value": 2.0161029, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_child_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220627, "num_locations": 44, "min_value": 41.8831164, "max_value": 89.0163934, "mean_value": 68.7140344, "stdev_value": 8.3709756, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20211224, "num_locations": 170, "min_value": 39.5190983, "max_value": 98.7782987, "mean_value": 75.1923807, "stdev_value": 9.301695, "last_update": 1643835102, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20211223, "num_locations": 207, "min_value": 36.6935484, "max_value": 98.8461538, "mean_value": 73.3471734, "stdev_value": 9.404725, "last_update": 1643835176, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20211224, "num_locations": 121, "min_value": 48.2794753, "max_value": 96.0136175, "mean_value": 76.2864611, "stdev_value": 7.5065416, "last_update": 1643835238, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20211225, "num_locations": 1, "min_value": 66.9753086, "max_value": 75.9890827, "mean_value": 72.1124514, "stdev_value": 2.647172, "last_update": 1643835279, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccinate_children", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20211224, "num_locations": 50, "min_value": 39.5190983, "max_value": 91.8604922, "mean_value": 70.6454563, "stdev_value": 7.6878651, "last_update": 1643835293, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.1396784, "max_value": 12.6910794, "mean_value": 3.111377, "stdev_value": 1.7723655, "last_update": 1645624305, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1072961, "max_value": 11.5131579, "mean_value": 2.6373891, "stdev_value": 1.4851032, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1269965, "max_value": 12.6910794, "mean_value": 2.7332675, "stdev_value": 1.5109535, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.5795998, "max_value": 4.3089431, "mean_value": 2.8100906, "stdev_value": 0.2216507, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1396784, "max_value": 10.4316547, "mean_value": 2.6465775, "stdev_value": 1.2100227, "last_update": 1645624442, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 502, "min_value": 0.1368611, "max_value": 12.8129303, "mean_value": 3.0456248, "stdev_value": 1.7721595, "last_update": 1645624305, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1089325, "max_value": 11.589404, "mean_value": 2.5677305, "stdev_value": 1.4838745, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 283, "min_value": 0.1286283, "max_value": 12.8129303, "mean_value": 2.666686, "stdev_value": 1.511144, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.5029074, "max_value": 4.2288557, "mean_value": 2.7328465, "stdev_value": 0.2245961, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1420593, "max_value": 9.8540146, "mean_value": 2.5639678, "stdev_value": 1.2066824, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.4851485, "max_value": 16.0194175, "mean_value": 8.1822071, "stdev_value": 2.8026049, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 4.2465753, "max_value": 9.8173516, "mean_value": 7.2866241, "stdev_value": 1.2616971, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.4851485, "max_value": 16.0194175, "mean_value": 8.1822071, "stdev_value": 2.8026049, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.062808, "max_value": 13.4287175, "mean_value": 2.1500989, "stdev_value": 1.3174732, "last_update": 1645624305, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0537634, "max_value": 10.4743083, "mean_value": 1.9066729, "stdev_value": 1.0987944, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0909755, "max_value": 11.4683767, "mean_value": 1.9859284, "stdev_value": 1.1646776, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.4176089, "max_value": 3.2435481, "mean_value": 1.939781, "stdev_value": 0.6286977, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1318775, "max_value": 10.952381, "mean_value": 1.8647124, "stdev_value": 0.9205122, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0633004, "max_value": 12.7320215, "mean_value": 2.0971215, "stdev_value": 1.3756805, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0542299, "max_value": 10.1190476, "mean_value": 1.8347415, "stdev_value": 1.1587227, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0865529, "max_value": 11.4696669, "mean_value": 1.9161748, "stdev_value": 1.2184607, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.2711864, "max_value": 3.1420218, "mean_value": 1.8975503, "stdev_value": 0.7020008, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1210653, "max_value": 11.0576923, "mean_value": 1.8160012, "stdev_value": 1.0047032, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.2321429, "max_value": 22.8972897, "mean_value": 11.4405301, "stdev_value": 3.2285909, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 6.2696832, "max_value": 12.2747693, "mean_value": 9.2334741, "stdev_value": 1.6157444, "last_update": 1632499419, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 6.0040363, "max_value": 13.2881556, "mean_value": 10.1422733, "stdev_value": 1.9041054, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.2321429, "max_value": 22.8972897, "mean_value": 11.4405301, "stdev_value": 3.2285909, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0464253, "max_value": 6.03217, "mean_value": 0.8088798, "stdev_value": 0.5474071, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0314861, "max_value": 5.4347826, "mean_value": 0.7263436, "stdev_value": 0.4627834, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0236189, "max_value": 5.7645526, "mean_value": 0.7876518, "stdev_value": 0.5311917, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.4806293, "max_value": 1.0551948, "mean_value": 0.575207, "stdev_value": 0.0643749, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.045628, "max_value": 3.2711508, "mean_value": 0.6220851, "stdev_value": 0.2805044, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0443918, "max_value": 5.0023602, "mean_value": 0.7659084, "stdev_value": 0.5271271, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0318674, "max_value": 4.4, "mean_value": 0.6778311, "stdev_value": 0.4383905, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0239584, "max_value": 5.7676831, "mean_value": 0.7426307, "stdev_value": 0.5061725, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.450936, "max_value": 1.0761589, "mean_value": 0.5291229, "stdev_value": 0.0713311, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0362008, "max_value": 3.271028, "mean_value": 0.5758215, "stdev_value": 0.2713044, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 9.8425197, "mean_value": 4.0487931, "stdev_value": 1.7827674, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.25, "max_value": 6.3379887, "mean_value": 3.7748459, "stdev_value": 1.3132135, "last_update": 1632499419, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 2.0112254, "max_value": 4.8883375, "mean_value": 3.5082801, "stdev_value": 0.6182296, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 9.8425197, "mean_value": 4.0487931, "stdev_value": 1.7827674, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0177815, "max_value": 4.1931456, "mean_value": 0.4655133, "stdev_value": 0.3519165, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0182949, "max_value": 3.4653465, "mean_value": 0.4066501, "stdev_value": 0.312961, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0180147, "max_value": 3.9129482, "mean_value": 0.4449598, "stdev_value": 0.3468869, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.1787828, "max_value": 0.3303137, "mean_value": 0.2363954, "stdev_value": 0.0348371, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0147414, "max_value": 2.414211, "mean_value": 0.285081, "stdev_value": 0.1889225, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0180882, "max_value": 4.2727739, "mean_value": 0.4318156, "stdev_value": 0.3273295, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0186498, "max_value": 3.4653465, "mean_value": 0.3684205, "stdev_value": 0.2899526, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0182883, "max_value": 3.4515396, "mean_value": 0.4112562, "stdev_value": 0.3237694, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.1275556, "max_value": 0.2811615, "mean_value": 0.2004129, "stdev_value": 0.0382288, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0130924, "max_value": 2.1159776, "mean_value": 0.249725, "stdev_value": 0.1722209, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 8.1896552, "mean_value": 3.5495048, "stdev_value": 1.5004654, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.2021368, "max_value": 7.7285585, "mean_value": 4.6808806, "stdev_value": 1.5298044, "last_update": 1632499420, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 1.873496, "max_value": 5.075188, "mean_value": 3.3656449, "stdev_value": 0.6403584, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_document_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 8.1896552, "mean_value": 3.5495048, "stdev_value": 1.5004654, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1211193, "max_value": 17.7021112, "mean_value": 3.6736257, "stdev_value": 1.7814539, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1046025, "max_value": 14.9727768, "mean_value": 3.3599603, "stdev_value": 1.5445711, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1756861, "max_value": 14.942144, "mean_value": 3.504034, "stdev_value": 1.64019, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.5481086, "max_value": 5.0117824, "mean_value": 3.4141133, "stdev_value": 0.6332906, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.3562697, "max_value": 13.1840796, "mean_value": 3.3271981, "stdev_value": 1.3014482, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1166935, "max_value": 13.6749761, "mean_value": 3.3936171, "stdev_value": 1.6131181, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1059322, "max_value": 11.6935484, "mean_value": 3.0676057, "stdev_value": 1.3819735, "last_update": 1645538038, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1767578, "max_value": 13.4759377, "mean_value": 3.2341894, "stdev_value": 1.4889838, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.5032651, "max_value": 3.8907285, "mean_value": 3.1128203, "stdev_value": 0.3927165, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.3640518, "max_value": 12.9370629, "mean_value": 3.0393409, "stdev_value": 1.1312699, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.3274348, "max_value": 13.5511486, "mean_value": 5.8903816, "stdev_value": 2.077991, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.1214883, "max_value": 7.0405281, "mean_value": 4.443066, "stdev_value": 1.228396, "last_update": 1632499421, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 3.5053929, "max_value": 7.8440808, "mean_value": 5.4323858, "stdev_value": 0.864054, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.3274348, "max_value": 13.5511486, "mean_value": 5.8903816, "stdev_value": 2.077991, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0165525, "max_value": 3.4208317, "mean_value": 0.4015615, "stdev_value": 0.2978817, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0267523, "max_value": 3.4653465, "mean_value": 0.3350396, "stdev_value": 0.2661546, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0178489, "max_value": 3.2518663, "mean_value": 0.3658227, "stdev_value": 0.2791051, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.0811688, "max_value": 0.2286825, "mean_value": 0.1727262, "stdev_value": 0.0183222, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0127324, "max_value": 2.7363184, "mean_value": 0.2186897, "stdev_value": 0.1697735, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0168341, "max_value": 3.4127397, "mean_value": 0.3767225, "stdev_value": 0.2760463, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0224417, "max_value": 2.9166667, "mean_value": 0.3084171, "stdev_value": 0.2468612, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0180417, "max_value": 2.9169568, "mean_value": 0.3450313, "stdev_value": 0.2635029, "last_update": 1645624406, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.0827815, "max_value": 0.1857907, "mean_value": 0.1462027, "stdev_value": 0.0146258, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0081221, "max_value": 1.8247895, "mean_value": 0.1937749, "stdev_value": 0.1534422, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 7.075566, "mean_value": 2.4627015, "stdev_value": 1.3472654, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.4160481, "max_value": 3.8694566, "mean_value": 2.5510375, "stdev_value": 0.9931328, "last_update": 1632499422, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 0.9738079, "max_value": 4.0904716, "mean_value": 2.0987447, "stdev_value": 0.4149547, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_language_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 7.075566, "mean_value": 2.4627015, "stdev_value": 1.3472654, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1177436, "max_value": 28.1439455, "mean_value": 8.1353298, "stdev_value": 4.4480514, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1259446, "max_value": 28.539823, "mean_value": 7.0510041, "stdev_value": 3.9464013, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1984475, "max_value": 25.6033615, "mean_value": 7.1715754, "stdev_value": 3.8656172, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 5.3953734, "max_value": 10.2701001, "mean_value": 7.621971, "stdev_value": 1.2357595, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0924625, "max_value": 23.6318408, "mean_value": 6.7089112, "stdev_value": 3.400051, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1191465, "max_value": 28.3025072, "mean_value": 7.6485405, "stdev_value": 4.2375631, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.127551, "max_value": 27.5, "mean_value": 6.5249693, "stdev_value": 3.7109131, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.2008389, "max_value": 25.9975796, "mean_value": 6.701462, "stdev_value": 3.6835357, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 5.3631069, "max_value": 9.0231788, "mean_value": 7.1174115, "stdev_value": 0.9296703, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0933254, "max_value": 19.6666667, "mean_value": 6.294197, "stdev_value": 3.2460175, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 21.2871856, "mean_value": 10.2057012, "stdev_value": 3.1831076, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 6.25, "max_value": 12.3035891, "mean_value": 8.9109955, "stdev_value": 1.7609742, "last_update": 1632499423, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 5.9491371, "max_value": 13.9826642, "mean_value": 9.3640767, "stdev_value": 1.5552547, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 21.2871856, "mean_value": 10.2057012, "stdev_value": 3.1831076, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 58.8282566, "max_value": 98.7325129, "mean_value": 84.530367, "stdev_value": 5.1953438, "last_update": 1645624306, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 63.4955752, "max_value": 97.7477477, "mean_value": 85.8186505, "stdev_value": 4.6489055, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 60.3936308, "max_value": 98.747747, "mean_value": 85.5458646, "stdev_value": 4.6710073, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 81.5410587, "max_value": 88.2428751, "mean_value": 85.0081331, "stdev_value": 1.8220462, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 65.8273381, "max_value": 95.4223392, "mean_value": 85.9503477, "stdev_value": 4.1548083, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 60.8857562, "max_value": 99.1477273, "mean_value": 85.3942611, "stdev_value": 5.0572276, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 63.2947977, "max_value": 98.7179487, "mean_value": 86.7569968, "stdev_value": 4.4936931, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 60.8857562, "max_value": 98.810139, "mean_value": 86.4161873, "stdev_value": 4.5595826, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 83.2630434, "max_value": 88.5379477, "mean_value": 85.916446, "stdev_value": 1.5766376, "last_update": 1645710824, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 66.0583942, "max_value": 96.1912404, "mean_value": 86.7540749, "stdev_value": 4.0639949, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 35.2272727, "max_value": 74.2718447, "mean_value": 56.975419, "stdev_value": 7.6121494, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 53.1906672, "max_value": 73.1339313, "mean_value": 63.4508637, "stdev_value": 5.2008736, "last_update": 1632499424, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 43.0213904, "max_value": 64.2998679, "mean_value": 58.0613001, "stdev_value": 5.2297366, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_none_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 35.2272727, "max_value": 74.2718447, "mean_value": 56.975419, "stdev_value": 7.6121494, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.113229, "max_value": 6.6332248, "mean_value": 1.5343217, "stdev_value": 0.7908361, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.093985, "max_value": 5.7692308, "mean_value": 1.4822495, "stdev_value": 0.7035251, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1129266, "max_value": 6.6332248, "mean_value": 1.4978817, "stdev_value": 0.7619176, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 1.019799, "max_value": 1.4180882, "mean_value": 1.2811437, "stdev_value": 0.091802, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1138952, "max_value": 4.3999824, "mean_value": 1.3818379, "stdev_value": 0.4567531, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 502, "min_value": 0.0832244, "max_value": 6.0829961, "mean_value": 1.3577672, "stdev_value": 0.7433794, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.094162, "max_value": 5.1401869, "mean_value": 1.2829025, "stdev_value": 0.6448024, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 283, "min_value": 0.1141601, "max_value": 6.0497982, "mean_value": 1.3216424, "stdev_value": 0.7221621, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 0.8997688, "max_value": 1.2210384, "mean_value": 1.0896656, "stdev_value": 0.0803689, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1149425, "max_value": 4.3076197, "mean_value": 1.1872622, "stdev_value": 0.4279501, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 8.4158416, "max_value": 25.6521739, "mean_value": 16.4752123, "stdev_value": 3.2781089, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220627, "num_locations": 1, "min_value": 12.7085378, "max_value": 18.8911189, "mean_value": 16.1006736, "stdev_value": 1.3450915, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_other_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 8.4158416, "max_value": 25.6521739, "mean_value": 16.4752123, "stdev_value": 3.2781089, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1059158, "max_value": 19.2320303, "mean_value": 3.7273753, "stdev_value": 2.0314065, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.129199, "max_value": 15.7142857, "mean_value": 3.2891615, "stdev_value": 1.7305784, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.104052, "max_value": 16.9412412, "mean_value": 3.4334401, "stdev_value": 1.8172914, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.6503232, "max_value": 4.4642857, "mean_value": 3.4080521, "stdev_value": 0.4517087, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1237103, "max_value": 14.6766169, "mean_value": 3.2365531, "stdev_value": 1.6975934, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1068085, "max_value": 17.3267327, "mean_value": 3.534029, "stdev_value": 1.929719, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1061571, "max_value": 13.6963696, "mean_value": 3.0797404, "stdev_value": 1.6181882, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1049083, "max_value": 16.207434, "mean_value": 3.2410843, "stdev_value": 1.7280056, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.6278771, "max_value": 4.5529801, "mean_value": 3.1987175, "stdev_value": 0.3109846, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1240687, "max_value": 13.2550336, "mean_value": 3.0528467, "stdev_value": 1.5988688, "last_update": 1645624443, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 10.747757, "mean_value": 5.1556732, "stdev_value": 1.8451675, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.3513514, "max_value": 9.5000185, "mean_value": 5.1644691, "stdev_value": 2.5012993, "last_update": 1632499425, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 2.9626253, "max_value": 6.480811, "mean_value": 4.742417, "stdev_value": 0.6951903, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 10.747757, "mean_value": 5.1556732, "stdev_value": 1.8451675, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0476968, "max_value": 9.1501407, "mean_value": 1.2258202, "stdev_value": 0.7630981, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0447628, "max_value": 8.1196581, "mean_value": 1.1647299, "stdev_value": 0.6749799, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0385837, "max_value": 9.1501407, "mean_value": 1.1815822, "stdev_value": 0.7311865, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.8082348, "max_value": 1.3798701, "mean_value": 1.0122019, "stdev_value": 0.1106287, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0613924, "max_value": 4.1044776, "mean_value": 0.9841294, "stdev_value": 0.4027737, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0485769, "max_value": 8.3101139, "mean_value": 1.1512023, "stdev_value": 0.7265102, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0451264, "max_value": 7.3529412, "mean_value": 1.0780204, "stdev_value": 0.6227805, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0389747, "max_value": 8.3101139, "mean_value": 1.1062592, "stdev_value": 0.6965289, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.7744211, "max_value": 1.4072848, "mean_value": 0.9296194, "stdev_value": 0.0730248, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0620784, "max_value": 4.1044776, "mean_value": 0.9110688, "stdev_value": 0.3822937, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3649635, "max_value": 11.328125, "mean_value": 4.2182421, "stdev_value": 1.8585457, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.3513514, "max_value": 6.25, "mean_value": 3.5642741, "stdev_value": 1.2273109, "last_update": 1632499425, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 2.2171946, "max_value": 5.642787, "mean_value": 3.8423503, "stdev_value": 0.633292, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3649635, "max_value": 11.328125, "mean_value": 4.2182421, "stdev_value": 1.8585457, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0985848, "max_value": 10.3590165, "mean_value": 2.169869, "stdev_value": 1.063601, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0934579, "max_value": 9.3103448, "mean_value": 2.0413924, "stdev_value": 0.9060851, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0951704, "max_value": 10.3590165, "mean_value": 2.1281273, "stdev_value": 0.9975596, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.5422078, "max_value": 2.5841592, "mean_value": 1.9430816, "stdev_value": 0.2661411, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1269036, "max_value": 7.1428571, "mean_value": 1.991054, "stdev_value": 0.6345719, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.099765, "max_value": 9.6330275, "mean_value": 2.0909575, "stdev_value": 1.0529698, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0886525, "max_value": 7.7981651, "mean_value": 1.9489423, "stdev_value": 0.8831249, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0960848, "max_value": 9.6330275, "mean_value": 2.0353992, "stdev_value": 0.9819889, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.4769288, "max_value": 2.4754896, "mean_value": 1.8599901, "stdev_value": 0.2959485, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.2525253, "max_value": 7.2115385, "mean_value": 1.9189691, "stdev_value": 0.6330516, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.1538462, "max_value": 23.8505747, "mean_value": 10.1403191, "stdev_value": 3.5508112, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 5.8809639, "max_value": 14.0932537, "mean_value": 10.182301, "stdev_value": 2.5154864, "last_update": 1632499426, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 5.7530402, "max_value": 12.8120224, "mean_value": 9.2347948, "stdev_value": 1.734813, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.1538462, "max_value": 23.8505747, "mean_value": 10.1403191, "stdev_value": 3.5508112, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0742943, "max_value": 10.2103446, "mean_value": 2.0382581, "stdev_value": 1.1074931, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0837521, "max_value": 8.7155963, "mean_value": 1.8591093, "stdev_value": 0.8906104, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0660522, "max_value": 10.1290292, "mean_value": 1.8914687, "stdev_value": 0.9858249, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.5663304, "max_value": 2.6785714, "mean_value": 1.8085269, "stdev_value": 0.1326798, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.101626, "max_value": 7.7458639, "mean_value": 1.7982313, "stdev_value": 0.704704, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0758727, "max_value": 10.3209398, "mean_value": 1.9069193, "stdev_value": 1.0673243, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0846024, "max_value": 7.9439252, "mean_value": 1.7221282, "stdev_value": 0.8555906, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0666605, "max_value": 8.4821429, "mean_value": 1.7614806, "stdev_value": 0.9465303, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.4680826, "max_value": 2.5662252, "mean_value": 1.6741199, "stdev_value": 0.118554, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.102459, "max_value": 7.8095393, "mean_value": 1.6731313, "stdev_value": 0.6897784, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.2295082, "max_value": 18.5714286, "mean_value": 8.7099007, "stdev_value": 2.4872125, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 3.9638462, "max_value": 8.9102509, "mean_value": 6.350836, "stdev_value": 1.5810758, "last_update": 1632499427, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 5.7207207, "max_value": 12.8428928, "mean_value": 8.9029412, "stdev_value": 1.1810141, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_travel_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.2295082, "max_value": 18.5714286, "mean_value": 8.7099007, "stdev_value": 2.4872125, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.089973, "max_value": 8.1956702, "mean_value": 1.610522, "stdev_value": 0.8393325, "last_update": 1645624307, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0972763, "max_value": 7.3076923, "mean_value": 1.5309233, "stdev_value": 0.715867, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0968473, "max_value": 6.5927803, "mean_value": 1.5741514, "stdev_value": 0.791608, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.1825434, "max_value": 1.6420401, "mean_value": 1.3921341, "stdev_value": 0.1157517, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0977181, "max_value": 5.5555556, "mean_value": 1.4302324, "stdev_value": 0.4559309, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0844816, "max_value": 8.1956702, "mean_value": 1.4941047, "stdev_value": 0.8107602, "last_update": 1645624308, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0656168, "max_value": 7.0833333, "mean_value": 1.3981259, "stdev_value": 0.6820114, "last_update": 1645538039, "max_issue": 20220222, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0748156, "max_value": 6.6355468, "mean_value": 1.4512263, "stdev_value": 0.7542395, "last_update": 1645624407, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.0812169, "max_value": 1.5205417, "mean_value": 1.2706392, "stdev_value": 0.1295485, "last_update": 1645710825, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1533611, "max_value": 5.5147059, "mean_value": 1.3152611, "stdev_value": 0.4553999, "last_update": 1645624444, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 18.8073567, "mean_value": 9.1664236, "stdev_value": 2.8972503, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 4.0540541, "max_value": 16.8043411, "mean_value": 10.5407313, "stdev_value": 2.9851787, "last_update": 1632499428, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220627, "num_locations": 1, "min_value": 4.7511312, "max_value": 11.8908717, "mean_value": 8.6288494, "stdev_value": 1.6365705, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_barrier_type_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4150943, "max_value": 18.8073567, "mean_value": 9.1664236, "stdev_value": 2.8972503, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 499, "min_value": 10.0877193, "max_value": 76.1171225, "mean_value": 49.4473551, "stdev_value": 12.3379084, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 300, "min_value": 10.0, "max_value": 72.8346457, "mean_value": 44.8051056, "stdev_value": 12.38183, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 279, "min_value": 13.8025059, "max_value": 74.4208546, "mean_value": 47.6736194, "stdev_value": 11.3222861, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 15.0137741, "max_value": 57.4757322, "mean_value": 32.982267, "stdev_value": 14.3115867, "last_update": 1628859421, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 51, "min_value": 10.0877193, "max_value": 70.8333333, "mean_value": 39.1449691, "stdev_value": 14.1476476, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 751, "min_value": 3.153156, "max_value": 66.526861, "mean_value": 30.7689956, "stdev_value": 6.4005158, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 4.2056075, "max_value": 51.1345219, "mean_value": 28.8506326, "stdev_value": 6.9707711, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 361, "min_value": 5.9302582, "max_value": 66.526861, "mean_value": 30.0973197, "stdev_value": 6.2276946, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 8.1325301, "max_value": 35.6698352, "mean_value": 22.5519584, "stdev_value": 8.9606623, "last_update": 1628859421, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_friends", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 3.153156, "max_value": 43.705036, "mean_value": 25.9574765, "stdev_value": 8.0666818, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 742, "min_value": 0.7853411, "max_value": 57.2713451, "mean_value": 27.94411, "stdev_value": 8.4329969, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2808989, "max_value": 51.0050251, "mean_value": 24.3987587, "stdev_value": 9.1961155, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 357, "min_value": 0.4778977, "max_value": 57.2713451, "mean_value": 26.4296118, "stdev_value": 8.1222121, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 4.5625588, "max_value": 32.6689515, "mean_value": 17.496919, "stdev_value": 10.7038787, "last_update": 1628859421, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.7853411, "max_value": 52.7355623, "mean_value": 21.2855925, "stdev_value": 10.5504383, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210316, "num_locations": 745, "min_value": 26.24565, "max_value": 75.1120367, "mean_value": 48.9511738, "stdev_value": 7.3016421, "last_update": 1616327478, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210316, "num_locations": 306, "min_value": 25.2066116, "max_value": 72.8346457, "mean_value": 47.83705, "stdev_value": 6.7536595, "last_update": 1616327498, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210316, "num_locations": 359, "min_value": 23.8470868, "max_value": 74.4208546, "mean_value": 48.0575028, "stdev_value": 6.9318554, "last_update": 1616327513, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210316, "num_locations": 1, "min_value": 43.7109827, "max_value": 55.4070143, "mean_value": 48.0588917, "stdev_value": 3.7162158, "last_update": 1616327523, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_local_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210316, "num_locations": 51, "min_value": 33.2117276, "max_value": 69.0384615, "mean_value": 48.1388887, "stdev_value": 5.6502356, "last_update": 1616327527, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 737, "min_value": 0.1746492, "max_value": 26.9911504, "mean_value": 8.3444449, "stdev_value": 3.195418, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2272727, "max_value": 24.7483221, "mean_value": 7.4386285, "stdev_value": 3.2121305, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 355, "min_value": 0.3346528, "max_value": 26.9911504, "mean_value": 7.9565478, "stdev_value": 3.006893, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 1.5060241, "max_value": 11.4366016, "mean_value": 5.5693465, "stdev_value": 2.8222082, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_politicians", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.1746492, "max_value": 17.5213675, "mean_value": 6.3748656, "stdev_value": 3.05711, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 740, "min_value": 0.446429, "max_value": 66.3109178, "mean_value": 33.3675918, "stdev_value": 9.3569758, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 1.1627907, "max_value": 55.8035714, "mean_value": 29.2818528, "stdev_value": 10.2287551, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 358, "min_value": 2.4494854, "max_value": 66.3109178, "mean_value": 31.6781534, "stdev_value": 9.1187129, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 6.0055866, "max_value": 38.0303287, "mean_value": 21.4038496, "stdev_value": 12.2805028, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_vaccine_likely_who", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.446429, "max_value": 53.6697248, "mean_value": 25.7658503, "stdev_value": 11.8174175, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 757, "min_value": 5.5129622, "max_value": 97.870641, "mean_value": 66.0580867, "stdev_value": 14.0404841, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 7.4194386, "max_value": 92.2765863, "mean_value": 59.4900189, "stdev_value": 16.0280356, "last_update": 1628686601, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 362, "min_value": 12.5714633, "max_value": 94.2368448, "mean_value": 63.3494856, "stdev_value": 13.7346661, "last_update": 1628772907, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 18.817232, "max_value": 72.3950775, "mean_value": 46.6116003, "stdev_value": 20.8746104, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 4.9483086, "max_value": 90.1603424, "mean_value": 54.0691718, "stdev_value": 19.8609629, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 92, "min_value": 1.9621445, "max_value": 51.8041321, "mean_value": 15.9275517, "stdev_value": 6.3108907, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220625, "num_locations": 168, "min_value": 0.7547466, "max_value": 49.4541847, "mean_value": 16.2010369, "stdev_value": 6.3770804, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220625, "num_locations": 95, "min_value": 2.249612, "max_value": 45.3519778, "mean_value": 18.0377986, "stdev_value": 6.466073, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 10.4274394, "max_value": 23.3994974, "mean_value": 15.4930607, "stdev_value": 3.2887433, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_waccept_covid_vaccine_no_appointment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 48, "min_value": 1.9655254, "max_value": 39.2329928, "mean_value": 14.6925324, "stdev_value": 4.9371229, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.292383, "max_value": 26.7536765, "mean_value": 7.0127867, "stdev_value": 2.864715, "last_update": 1656687588, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.2057613, "max_value": 27.245509, "mean_value": 6.3816345, "stdev_value": 2.642789, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.3082662, "max_value": 26.7536765, "mean_value": 6.6363243, "stdev_value": 2.5761019, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 4.7020262, "max_value": 9.2231027, "mean_value": 6.2735628, "stdev_value": 1.1294743, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_children_education", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.292383, "max_value": 14.3312102, "mean_value": 6.0090845, "stdev_value": 1.8519251, "last_update": 1656687629, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 1.4053773, "max_value": 42.5223747, "mean_value": 16.9226441, "stdev_value": 5.0390211, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 1.4851485, "max_value": 42.0634921, "mean_value": 16.0125135, "stdev_value": 4.8079735, "last_update": 1656687602, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 1.8517106, "max_value": 42.5223747, "mean_value": 16.2667497, "stdev_value": 4.5954309, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 10.7587226, "max_value": 20.7647801, "mean_value": 15.9285186, "stdev_value": 2.4392903, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_treatment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 3.1963884, "max_value": 30.7073955, "mean_value": 15.1905065, "stdev_value": 3.8033128, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 9.9450938, "max_value": 59.2105263, "mean_value": 30.0691266, "stdev_value": 6.369749, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 8.7155963, "max_value": 56.870229, "mean_value": 28.3618946, "stdev_value": 6.0456638, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 10.1626016, "max_value": 56.2121965, "mean_value": 29.1274182, "stdev_value": 5.6638149, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 23.8576204, "max_value": 35.6623138, "mean_value": 28.330415, "stdev_value": 3.6500218, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_covid_variants", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 10.2893984, "max_value": 56.3333333, "mean_value": 27.6558104, "stdev_value": 5.2112761, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 1.4388448, "max_value": 36.3726699, "mean_value": 12.2492124, "stdev_value": 3.8852418, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.9677419, "max_value": 36.5546218, "mean_value": 11.4345241, "stdev_value": 3.5491991, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 1.9324695, "max_value": 30.9461033, "mean_value": 11.6497749, "stdev_value": 3.2481646, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 10.1910503, "max_value": 13.3775563, "mean_value": 11.4582718, "stdev_value": 0.6803773, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_employment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 2.9337088, "max_value": 26.8867925, "mean_value": 11.0159707, "stdev_value": 2.3575706, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 3.1746896, "max_value": 43.9178544, "mean_value": 17.7406165, "stdev_value": 4.5729407, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 3.1818182, "max_value": 42.6470588, "mean_value": 16.3982002, "stdev_value": 4.1182599, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 2.3437507, "max_value": 34.2304711, "mean_value": 16.9363154, "stdev_value": 3.6782336, "last_update": 1656687616, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 14.5375447, "max_value": 18.8447319, "mean_value": 16.4466123, "stdev_value": 1.1649872, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_mental_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 3.719248, "max_value": 40.2777778, "mean_value": 15.9318057, "stdev_value": 2.9641107, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 20.8977189, "max_value": 77.9063881, "mean_value": 53.7784648, "stdev_value": 7.7416368, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 20.0980392, "max_value": 81.5972222, "mean_value": 56.0661219, "stdev_value": 7.4493639, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 25.7396921, "max_value": 79.6946137, "mean_value": 55.2334389, "stdev_value": 6.4329903, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 50.2007346, "max_value": 59.4522164, "mean_value": 55.8779639, "stdev_value": 2.549097, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 31.6666667, "max_value": 77.9063881, "mean_value": 57.2474245, "stdev_value": 5.8577532, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.4636191, "max_value": 28.3006244, "mean_value": 9.1222954, "stdev_value": 3.2174753, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.3289474, "max_value": 29.9019608, "mean_value": 8.285564, "stdev_value": 2.8783937, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.4172275, "max_value": 22.1804511, "mean_value": 8.5723875, "stdev_value": 2.6339218, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 6.6248653, "max_value": 9.8996121, "mean_value": 8.1492917, "stdev_value": 1.0360479, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_relationships", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.8926982, "max_value": 27.3026316, "mean_value": 7.8199399, "stdev_value": 2.1595986, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.1213443, "max_value": 13.1067961, "mean_value": 2.6742348, "stdev_value": 1.4370989, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.1086957, "max_value": 13.0630631, "mean_value": 2.461385, "stdev_value": 1.2964917, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.1315421, "max_value": 11.1803925, "mean_value": 2.5094123, "stdev_value": 1.2651923, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 1.7041046, "max_value": 3.0132756, "mean_value": 2.3084436, "stdev_value": 0.2797888, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_access", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.1213443, "max_value": 8.3333333, "mean_value": 2.2100145, "stdev_value": 0.8222626, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 356, "min_value": 0.3482784, "max_value": 27.3722628, "mean_value": 8.8619108, "stdev_value": 2.9045194, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 289, "min_value": 0.3448276, "max_value": 24.8717949, "mean_value": 8.4001973, "stdev_value": 2.7081752, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 215, "min_value": 0.4226636, "max_value": 27.3722628, "mean_value": 8.511743, "stdev_value": 2.5832821, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 7.0718471, "max_value": 10.181294, "mean_value": 8.2733057, "stdev_value": 0.6946592, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_want_info_vaccine_types", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 0.3482784, "max_value": 21.3375796, "mean_value": 7.9299987, "stdev_value": 1.8871232, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 742, "min_value": 0.1587571, "max_value": 27.7711854, "mean_value": 6.750555, "stdev_value": 3.662441, "last_update": 1628859289, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 0.1355014, "max_value": 25.9116022, "mean_value": 6.3696797, "stdev_value": 3.4171997, "last_update": 1628859354, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 360, "min_value": 0.1587571, "max_value": 26.028836, "mean_value": 6.509094, "stdev_value": 3.3718532, "last_update": 1628859399, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 1.5925926, "max_value": 11.4454568, "mean_value": 5.665675, "stdev_value": 3.1281808, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wanted_test_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 0.1960829, "max_value": 20.4545455, "mean_value": 5.8825659, "stdev_value": 3.3210919, "last_update": 1628859433, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 749, "min_value": 2.3815166, "max_value": 46.1779215, "mean_value": 17.9220204, "stdev_value": 3.9846759, "last_update": 1616241085, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.8688566, "max_value": 38.6947403, "mean_value": 17.6545456, "stdev_value": 3.2077811, "last_update": 1616007479, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 359, "min_value": 2.3815166, "max_value": 46.1779215, "mean_value": 18.0969898, "stdev_value": 3.8223706, "last_update": 1616154702, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 12.9816404, "max_value": 21.9088118, "mean_value": 17.4219291, "stdev_value": 1.3808144, "last_update": 1616500418, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 5.8091487, "max_value": 34.5757152, "mean_value": 17.8855685, "stdev_value": 2.4401673, "last_update": 1616241132, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 616, "min_value": 0.4762684, "max_value": 47.6759489, "mean_value": 14.5779204, "stdev_value": 3.9993547, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 1.4349892, "max_value": 40.9946915, "mean_value": 14.7408662, "stdev_value": 3.8571784, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 332, "min_value": 2.071029, "max_value": 47.6759489, "mean_value": 14.9048005, "stdev_value": 3.9717906, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 11.7847227, "max_value": 17.4077704, "mean_value": 14.5648232, "stdev_value": 1.2875621, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wanxious_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 4.3356799, "max_value": 28.4227721, "mean_value": 14.8137042, "stdev_value": 2.6473626, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 99, "min_value": 0.1463001, "max_value": 18.3025693, "mean_value": 3.3044627, "stdev_value": 2.0078133, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220625, "num_locations": 176, "min_value": 0.1872659, "max_value": 22.6828561, "mean_value": 3.4451905, "stdev_value": 2.282726, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210521, "max_time": 20220625, "num_locations": 99, "min_value": 0.2074616, "max_value": 19.5907273, "mean_value": 3.8615952, "stdev_value": 2.3231991, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 87}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 1.2390986, "max_value": 5.6135152, "mean_value": 2.9497879, "stdev_value": 1.0377495, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_not_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 49, "min_value": 0.1369863, "max_value": 15.0843687, "mean_value": 2.9862362, "stdev_value": 1.7158751, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 88}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 97, "min_value": 2.5151232, "max_value": 54.816366, "mean_value": 18.5840244, "stdev_value": 7.2142166, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "hrr", "min_time": 20210521, "max_time": 20220625, "num_locations": 177, "min_value": 1.4831004, "max_value": 58.2605508, "mean_value": 18.8135095, "stdev_value": 7.1750094, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 97, "min_value": 2.249612, "max_value": 50.3403144, "mean_value": 20.9346917, "stdev_value": 7.262716, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 11.61083, "max_value": 27.6815081, "mean_value": 17.9534949, "stdev_value": 4.0276606, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wappointment_or_accept_covid_vaccine", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 49, "min_value": 2.4945603, "max_value": 44.8468572, "mean_value": 17.0609076, "stdev_value": 5.6847889, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 362, "min_value": 0.2258204, "max_value": 27.0363075, "mean_value": 5.4398785, "stdev_value": 2.7623315, "last_update": 1645624311, "max_issue": 20220223, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 0.1340483, "max_value": 24.6830424, "mean_value": 5.5339095, "stdev_value": 2.6075082, "last_update": 1645365184, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 0.1502682, "max_value": 21.9860443, "mean_value": 5.314743, "stdev_value": 2.57829, "last_update": 1645538086, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 3.6547655, "max_value": 7.1996498, "mean_value": 5.4915637, "stdev_value": 1.1576265, "last_update": 1645710826, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_children_immune", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 0.4032261, "max_value": 16.4415118, "mean_value": 5.2021075, "stdev_value": 1.7849768, "last_update": 1645624445, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 363, "min_value": 1.1261884, "max_value": 44.1350517, "mean_value": 18.5847886, "stdev_value": 5.7457336, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 291, "min_value": 2.1791481, "max_value": 49.6658764, "mean_value": 20.7018716, "stdev_value": 5.7653306, "last_update": 1656687603, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 216, "min_value": 1.8417328, "max_value": 45.1094669, "mean_value": 19.2565711, "stdev_value": 5.4551725, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 18.1972295, "max_value": 21.6482732, "mean_value": 20.1760762, "stdev_value": 0.7853077, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_created_small_group", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.2769289, "max_value": 38.9760449, "mean_value": 20.491309, "stdev_value": 4.5290163, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 374, "min_value": 40.237913, "max_value": 97.0765258, "mean_value": 74.7061376, "stdev_value": 8.0366755, "last_update": 1656687589, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 293, "min_value": 36.7956204, "max_value": 95.5485549, "mean_value": 71.5957114, "stdev_value": 8.268046, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 218, "min_value": 43.2207389, "max_value": 95.0731512, "mean_value": 73.2164835, "stdev_value": 7.356262, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 66.953039, "max_value": 79.133767, "mean_value": 72.4807735, "stdev_value": 4.0114967, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_distancing_effective", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 40.6340136, "max_value": 95.6226749, "mean_value": 70.8356149, "stdev_value": 7.2586795, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 362, "min_value": 2.3990926, "max_value": 56.0812797, "mean_value": 25.4544232, "stdev_value": 7.6251861, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 291, "min_value": 4.2666518, "max_value": 61.3346061, "mean_value": 28.662491, "stdev_value": 7.6625689, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 5.1261342, "max_value": 57.0362887, "mean_value": 26.9256461, "stdev_value": 6.8499578, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 23.6398656, "max_value": 31.4692546, "mean_value": 27.7445629, "stdev_value": 2.1349639, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_govt_exploitation", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 3.6576642, "max_value": 57.9081183, "mean_value": 29.0056738, "stdev_value": 6.3667853, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220625, "num_locations": 375, "min_value": 37.9697728, "max_value": 98.287219, "mean_value": 74.3519459, "stdev_value": 9.3654516, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220625, "num_locations": 293, "min_value": 29.9196639, "max_value": 97.8090669, "mean_value": 70.3286163, "stdev_value": 9.5773709, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220625, "num_locations": 218, "min_value": 36.9088983, "max_value": 96.4375098, "mean_value": 72.3571951, "stdev_value": 8.3077082, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220625, "num_locations": 1, "min_value": 65.7299317, "max_value": 78.0630077, "mean_value": 71.5702437, "stdev_value": 3.9130294, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_masking_effective", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220625, "num_locations": 51, "min_value": 35.687196, "max_value": 98.287219, "mean_value": 69.4110785, "stdev_value": 8.3052827, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220218, "num_locations": 361, "min_value": 1.0161473, "max_value": 74.9410335, "mean_value": 22.3865487, "stdev_value": 13.7643702, "last_update": 1645624313, "max_issue": 20220223, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220215, "num_locations": 291, "min_value": 1.9367613, "max_value": 71.7683849, "mean_value": 23.0760939, "stdev_value": 13.7893222, "last_update": 1645365186, "max_issue": 20220220, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220217, "num_locations": 216, "min_value": 1.9098675, "max_value": 76.3223194, "mean_value": 22.8825941, "stdev_value": 13.8883749, "last_update": 1645538087, "max_issue": 20220222, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220219, "num_locations": 1, "min_value": 9.3465558, "max_value": 47.777377, "mean_value": 22.952263, "stdev_value": 12.8069513, "last_update": 1645710826, "max_issue": 20220224, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wbelief_vaccinated_mask_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220218, "num_locations": 51, "min_value": 4.1180968, "max_value": 67.4333357, "mean_value": 24.0527196, "stdev_value": 14.0986512, "last_update": 1645624446, "max_issue": 20220223, "min_lag": 5, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 24.6726523, "max_value": 68.5021019, "mean_value": 45.1060508, "stdev_value": 8.3374234, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 21.9067782, "max_value": 74.7167466, "mean_value": 46.7814981, "stdev_value": 9.2558673, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 26.0729731, "max_value": 77.6941695, "mean_value": 50.0291749, "stdev_value": 9.0366822, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 42.3794221, "max_value": 45.4747037, "mean_value": 43.8430749, "stdev_value": 0.7487858, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_already", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 22.3108462, "max_value": 67.9462816, "mean_value": 42.9592904, "stdev_value": 8.6333649, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 4.6220219, "max_value": 44.4460757, "mean_value": 23.3273538, "stdev_value": 7.3274044, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 3.7122379, "max_value": 47.7287062, "mean_value": 20.4781539, "stdev_value": 7.5841229, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 2.7577468, "max_value": 37.1432616, "mean_value": 17.7411121, "stdev_value": 6.6013092, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 22.2495979, "max_value": 26.2248834, "mean_value": 24.0851503, "stdev_value": 0.8890221, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_def", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 6.4655433, "max_value": 48.0541721, "mean_value": 25.2026496, "stdev_value": 7.5225026, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 1.1150472, "max_value": 27.6050184, "mean_value": 11.5570177, "stdev_value": 3.6142834, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 1.1156201, "max_value": 26.9228587, "mean_value": 10.7477133, "stdev_value": 4.1744259, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 0.8637941, "max_value": 25.4563602, "mean_value": 9.4631768, "stdev_value": 4.201516, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 10.7866208, "max_value": 12.5473091, "mean_value": 11.6509302, "stdev_value": 0.3655171, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_no_prob", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 2.7931306, "max_value": 29.8866679, "mean_value": 12.0046102, "stdev_value": 3.6973738, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 2.010981, "max_value": 26.3320645, "mean_value": 10.7158792, "stdev_value": 3.2616592, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 2.755208, "max_value": 27.7115107, "mean_value": 12.1229521, "stdev_value": 4.109922, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 2.2438034, "max_value": 28.1842142, "mean_value": 13.22412, "stdev_value": 3.9555919, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 9.5554655, "max_value": 11.8790436, "mean_value": 10.8883813, "stdev_value": 0.4944172, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_def", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 2.1186163, "max_value": 21.1909033, "mean_value": 10.4101784, "stdev_value": 2.9826273, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 42, "min_value": 2.0424379, "max_value": 31.4796574, "mean_value": 9.2936985, "stdev_value": 2.6844099, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 26, "min_value": 0.691977, "max_value": 20.5647176, "mean_value": 9.8696827, "stdev_value": 3.5168507, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 25, "min_value": 0.4799777, "max_value": 29.4699392, "mean_value": 9.5424162, "stdev_value": 3.4489601, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 8.6658626, "max_value": 10.7875198, "mean_value": 9.5324634, "stdev_value": 0.5198739, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wchild_vaccine_yes_prob", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 2.3405869, "max_value": 24.943663, "mean_value": 9.4232714, "stdev_value": 2.6527993, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 1526, "min_value": 0.0, "max_value": 12.4607029, "mean_value": 1.0803173, "stdev_value": 1.0576451, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 11.368826, "mean_value": 1.3430584, "stdev_value": 1.1431207, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 382, "min_value": 0.0, "max_value": 12.315809, "mean_value": 1.2456075, "stdev_value": 1.139489, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4333632, "max_value": 4.9091597, "mean_value": 1.3585842, "stdev_value": 0.8899842, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_wcli", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 52, "min_value": 0.0, "max_value": 7.8319654, "mean_value": 1.3995695, "stdev_value": 1.0437276, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "county", "min_time": 20210106, "max_time": 20220625, "num_locations": 753, "min_value": 0.8910405, "max_value": 99.8049673, "mean_value": 69.4271347, "stdev_value": 24.3495736, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "hrr", "min_time": 20210106, "max_time": 20220625, "num_locations": 306, "min_value": 0.4950495, "max_value": 99.6638645, "mean_value": 69.9244811, "stdev_value": 21.2110823, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "msa", "min_time": 20210106, "max_time": 20220625, "num_locations": 361, "min_value": 1.0367954, "max_value": 98.7773216, "mean_value": 68.9043457, "stdev_value": 22.9999112, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "nation", "min_time": 20210106, "max_time": 20220625, "num_locations": 1, "min_value": 4.7552563, "max_value": 83.3454456, "mean_value": 71.6665101, "stdev_value": 21.002113, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated", "time_type": "day", "geo_type": "state", "min_time": 20210106, "max_time": 20220625, "num_locations": 51, "min_value": 2.5016936, "max_value": 98.5142761, "mean_value": 71.1711302, "stdev_value": 21.064335, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 656, "min_value": 53.8362965, "max_value": 99.8091504, "mean_value": 85.4093833, "stdev_value": 6.5835375, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 306, "min_value": 49.7729618, "max_value": 99.6676402, "mean_value": 82.7177396, "stdev_value": 6.673588, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 346, "min_value": 50.9636724, "max_value": 99.1896772, "mean_value": 83.910605, "stdev_value": 6.2157039, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 83.6764198, "max_value": 86.7308785, "mean_value": 84.6801581, "stdev_value": 0.6915938, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_appointment_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 62.1740052, "max_value": 99.3581501, "mean_value": 83.6169924, "stdev_value": 5.3342872, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 370, "min_value": 27.222259, "max_value": 96.0372155, "mean_value": 67.4045729, "stdev_value": 10.7321318, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 291, "min_value": 24.0751348, "max_value": 95.0844154, "mean_value": 63.0439644, "stdev_value": 11.010072, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 219, "min_value": 23.5174147, "max_value": 93.2097072, "mean_value": 65.4485421, "stdev_value": 9.8214244, "last_update": 1656687617, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 59.230255, "max_value": 67.8662448, "mean_value": 64.4610311, "stdev_value": 1.977963, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 32.7354924, "max_value": 92.76767, "mean_value": 62.8851878, "stdev_value": 9.5371268, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 768, "min_value": 38.4084227, "max_value": 99.7625276, "mean_value": 78.1681895, "stdev_value": 8.8205371, "last_update": 1628859293, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210808, "num_locations": 306, "min_value": 38.7082511, "max_value": 99.5327103, "mean_value": 76.9584218, "stdev_value": 8.373011, "last_update": 1628859357, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210808, "num_locations": 364, "min_value": 41.0484104, "max_value": 98.0079644, "mean_value": 77.0638478, "stdev_value": 8.5686241, "last_update": 1628859401, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 68.0666794, "max_value": 86.368918, "mean_value": 80.3508095, "stdev_value": 4.722187, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wcovid_vaccinated_or_accept", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 48.0429272, "max_value": 97.799033, "mean_value": 79.072896, "stdev_value": 7.0766794, "last_update": 1628859434, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 349, "min_value": 7.6360414, "max_value": 61.5990172, "mean_value": 32.8357643, "stdev_value": 6.2015456, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 10.7541064, "max_value": 60.8968859, "mean_value": 33.1166887, "stdev_value": 5.8838919, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 7.6360414, "max_value": 61.5990172, "mean_value": 33.1881182, "stdev_value": 5.9725424, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 32.397787, "max_value": 34.0779616, "mean_value": 33.1560838, "stdev_value": 0.3549532, "last_update": 1656687624, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdelayed_care_cost", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 13.7742926, "max_value": 53.4486536, "mean_value": 33.79402, "stdev_value": 4.5216393, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 744, "min_value": 1.9174148, "max_value": 39.8543825, "mean_value": 13.7652938, "stdev_value": 3.6411139, "last_update": 1616241086, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 2.7541212, "max_value": 36.7797356, "mean_value": 13.7435342, "stdev_value": 2.9571271, "last_update": 1616007480, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 360, "min_value": 2.4965612, "max_value": 38.8902168, "mean_value": 14.1576886, "stdev_value": 3.5036668, "last_update": 1616154703, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 11.8594341, "max_value": 15.5085087, "mean_value": 13.4023874, "stdev_value": 0.907089, "last_update": 1616500419, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 6.0871871, "max_value": 27.3584479, "mean_value": 13.7900204, "stdev_value": 2.0112377, "last_update": 1616241132, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 612, "min_value": 0.616306, "max_value": 43.9599197, "mean_value": 12.0288927, "stdev_value": 3.7190805, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 0.4807692, "max_value": 41.2780068, "mean_value": 12.3922538, "stdev_value": 3.6372247, "last_update": 1656687604, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 331, "min_value": 0.4680631, "max_value": 42.7666862, "mean_value": 12.4339927, "stdev_value": 3.7043859, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 10.4776671, "max_value": 14.1366129, "mean_value": 12.1188847, "stdev_value": 0.8910695, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdepressed_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 2.3550117, "max_value": 25.1595585, "mean_value": 12.4805467, "stdev_value": 2.4135102, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 4.8069079, "max_value": 41.638098, "mean_value": 21.9202099, "stdev_value": 4.6762479, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 9.9711569, "max_value": 44.4861606, "mean_value": 24.7468069, "stdev_value": 5.8217915, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 7.4195413, "max_value": 46.0042971, "mean_value": 23.6468721, "stdev_value": 5.8843849, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 17.8199425, "max_value": 28.8839544, "mean_value": 21.9804576, "stdev_value": 2.3640941, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_dont_spend_time", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 4.6072304, "max_value": 43.2226214, "mean_value": 22.2710091, "stdev_value": 4.9543433, "last_update": 1656687630, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 6.4677091, "max_value": 65.2771888, "mean_value": 33.6084413, "stdev_value": 11.9811943, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 6.3880598, "max_value": 63.0488653, "mean_value": 26.670035, "stdev_value": 11.0511897, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 3.4951517, "max_value": 61.2004784, "mean_value": 31.4099448, "stdev_value": 11.9218944, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 15.4693496, "max_value": 49.333232, "mean_value": 34.2132441, "stdev_value": 11.0045891, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_had_covid", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 7.1861593, "max_value": 67.6858431, "mean_value": 33.5523795, "stdev_value": 12.0913472, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 8.757518, "max_value": 45.048068, "mean_value": 23.041627, "stdev_value": 4.2782189, "last_update": 1656687590, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 7.6811651, "max_value": 43.0085034, "mean_value": 21.9911531, "stdev_value": 5.330986, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 7.4701214, "max_value": 46.4618394, "mean_value": 23.0991627, "stdev_value": 5.6430603, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 19.7489267, "max_value": 28.7219516, "mean_value": 23.4715732, "stdev_value": 2.1884121, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_beneficial", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 7.9491028, "max_value": 46.8476055, "mean_value": 23.3250687, "stdev_value": 4.6860318, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 24.4894394, "max_value": 61.4067069, "mean_value": 41.6971633, "stdev_value": 4.7507984, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 26.5531661, "max_value": 67.4840315, "mean_value": 44.4681033, "stdev_value": 5.8794146, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 25.8539208, "max_value": 65.0524872, "mean_value": 45.1182106, "stdev_value": 5.67112, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 39.4646443, "max_value": 45.9354591, "mean_value": 43.1617633, "stdev_value": 1.150104, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_high_risk", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 22.3975978, "max_value": 66.4215331, "mean_value": 43.1280253, "stdev_value": 5.1640465, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 17.9707159, "max_value": 68.0319998, "mean_value": 41.6497756, "stdev_value": 6.1898686, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 19.4349471, "max_value": 69.3430387, "mean_value": 40.6714652, "stdev_value": 7.2109532, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 16.7636216, "max_value": 61.7023174, "mean_value": 40.2259687, "stdev_value": 6.8004507, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 37.3558444, "max_value": 48.7790548, "mean_value": 43.253093, "stdev_value": 2.8849537, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_not_serious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 18.7757164, "max_value": 70.3317852, "mean_value": 43.3817649, "stdev_value": 6.5220607, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 13.2109195, "max_value": 52.9541802, "mean_value": 30.4775884, "stdev_value": 4.771153, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 12.6394689, "max_value": 50.0796684, "mean_value": 27.4749004, "stdev_value": 5.9769335, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 11.040314, "max_value": 50.0086998, "mean_value": 28.2413138, "stdev_value": 5.6874895, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 20.1605447, "max_value": 34.161327, "mean_value": 29.544848, "stdev_value": 2.4247603, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 12.3992662, "max_value": 53.0852128, "mean_value": 29.8537186, "stdev_value": 5.0127981, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 45, "min_value": 1.923726, "max_value": 54.9464813, "mean_value": 16.0300924, "stdev_value": 6.6137832, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "hrr", "min_time": 20210212, "max_time": 20220619, "num_locations": 31, "min_value": 5.4724325, "max_value": 45.5438936, "mean_value": 21.1476736, "stdev_value": 6.93477, "last_update": 1656075182, "max_issue": 20220624, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "msa", "min_time": 20210211, "max_time": 20220625, "num_locations": 19, "min_value": 2.3014576, "max_value": 47.8203937, "mean_value": 22.1245488, "stdev_value": 8.1906234, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 9.0930202, "max_value": 29.2971249, "mean_value": 15.8323641, "stdev_value": 4.4888581, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wdontneed_reason_precautions", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 41, "min_value": 1.4653069, "max_value": 45.1462683, "mean_value": 15.6996598, "stdev_value": 6.5734888, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210221, "num_locations": 744, "min_value": 51.1794743, "max_value": 99.6779189, "mean_value": 90.679758, "stdev_value": 6.0151383, "last_update": 1616006565, "max_issue": 20210317, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210220, "num_locations": 306, "min_value": 51.4583333, "max_value": 99.6774194, "mean_value": 89.1083305, "stdev_value": 6.3806653, "last_update": 1616006531, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210221, "num_locations": 359, "min_value": 51.3144713, "max_value": 99.6775583, "mean_value": 89.7195547, "stdev_value": 6.0889906, "last_update": 1616006593, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210222, "num_locations": 1, "min_value": 86.1720121, "max_value": 94.0841025, "mean_value": 90.6231562, "stdev_value": 2.9532583, "last_update": 1616006649, "max_issue": 20210317, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210221, "num_locations": 51, "min_value": 55.6066818, "max_value": 99.5934959, "mean_value": 89.5499112, "stdev_value": 6.2253967, "last_update": 1616006603, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220627, "num_locations": 663, "min_value": 7.8728379, "max_value": 99.7584907, "mean_value": 64.205482, "stdev_value": 22.6791456, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220627, "num_locations": 306, "min_value": 6.7460317, "max_value": 99.795082, "mean_value": 59.3034134, "stdev_value": 22.8455967, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220627, "num_locations": 344, "min_value": 6.5201134, "max_value": 99.7584907, "mean_value": 62.2082483, "stdev_value": 22.5356158, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220627, "num_locations": 1, "min_value": 30.3755175, "max_value": 93.8240641, "mean_value": 60.843203, "stdev_value": 19.1204448, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wearing_mask_7d", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220627, "num_locations": 51, "min_value": 7.8728379, "max_value": 99.5762712, "mean_value": 58.4062054, "stdev_value": 22.9032269, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 742, "min_value": 3.2146097, "max_value": 45.7746918, "mean_value": 19.7587182, "stdev_value": 4.2989054, "last_update": 1616241087, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 4.7151883, "max_value": 41.6290221, "mean_value": 19.2902689, "stdev_value": 3.4436193, "last_update": 1616007480, "max_issue": 20210317, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 358, "min_value": 5.5195396, "max_value": 45.7746918, "mean_value": 19.7872229, "stdev_value": 4.1335327, "last_update": 1616154703, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 14.5542693, "max_value": 20.6762534, "mean_value": 19.3086085, "stdev_value": 1.1223331, "last_update": 1616500420, "max_issue": 20210323, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_5d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 10.000835, "max_value": 32.899683, "mean_value": 19.6722251, "stdev_value": 2.8198029, "last_update": 1616241132, "max_issue": 20210320, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20210808, "num_locations": 612, "min_value": 2.0921847, "max_value": 41.6130858, "mean_value": 14.9080237, "stdev_value": 4.4760916, "last_update": 1628859295, "max_issue": 20210813, "min_lag": 1, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20210808, "num_locations": 306, "min_value": 2.0894072, "max_value": 36.0692146, "mean_value": 14.2480385, "stdev_value": 3.8590188, "last_update": 1628859358, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20210808, "num_locations": 331, "min_value": 1.9669919, "max_value": 42.6565175, "mean_value": 14.827256, "stdev_value": 4.3100106, "last_update": 1628859402, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20210808, "num_locations": 1, "min_value": 9.6084067, "max_value": 19.1716974, "mean_value": 13.0566865, "stdev_value": 2.6467552, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wfelt_isolated_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20210808, "num_locations": 51, "min_value": 2.9438775, "max_value": 29.6693207, "mean_value": 13.6768722, "stdev_value": 3.7391537, "last_update": 1628859434, "max_issue": 20210813, "min_lag": 5, "max_lag": 15}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 384, "min_value": 25.8051747, "max_value": 83.1557473, "mean_value": 54.7105354, "stdev_value": 7.9570561, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 287, "min_value": 25.5610208, "max_value": 78.7154491, "mean_value": 52.4789789, "stdev_value": 7.1385953, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 227, "min_value": 25.308152, "max_value": 82.4349516, "mean_value": 53.8148398, "stdev_value": 7.5440052, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 51.7862157, "max_value": 53.3519071, "mean_value": 52.5535139, "stdev_value": 0.4362619, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wflu_vaccinated_2021", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 36.796906, "max_value": 78.1347419, "mean_value": 53.5545129, "stdev_value": 5.9461494, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 661, "min_value": 0.3968254, "max_value": 63.6836227, "mean_value": 25.6370922, "stdev_value": 10.6136795, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 306, "min_value": 1.877847, "max_value": 67.9838795, "mean_value": 27.2432022, "stdev_value": 10.6358672, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 347, "min_value": 1.3872896, "max_value": 63.6836227, "mean_value": 26.272397, "stdev_value": 10.5537114, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 14.4403582, "max_value": 43.9655763, "mean_value": 27.0545338, "stdev_value": 9.3656193, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whad_covid_ever", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 1.877847, "max_value": 55.6946797, "mean_value": 27.0624538, "stdev_value": 10.6317479, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 9.4519542, "max_value": 48.6336454, "mean_value": 24.4502765, "stdev_value": 4.1238527, "last_update": 1628859295, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 9.0052188, "max_value": 47.7810821, "mean_value": 24.1547932, "stdev_value": 4.2220518, "last_update": 1628686606, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 10.1799585, "max_value": 46.2835883, "mean_value": 24.2801462, "stdev_value": 4.1645026, "last_update": 1628772911, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 17.2139495, "max_value": 29.511484, "mean_value": 24.5487878, "stdev_value": 1.8535995, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_allergic", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 10.3998722, "max_value": 42.6742516, "mean_value": 24.0275552, "stdev_value": 3.2935803, "last_update": 1628859434, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 0.2155175, "max_value": 18.8500985, "mean_value": 4.4164383, "stdev_value": 2.4268497, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 0.210084, "max_value": 22.5738707, "mean_value": 4.4567295, "stdev_value": 2.6283793, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 0.2389865, "max_value": 30.2682761, "mean_value": 4.5971638, "stdev_value": 2.6835099, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 2.6631177, "max_value": 7.3851319, "mean_value": 3.6734228, "stdev_value": 0.9999892, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_cost", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 0.2155175, "max_value": 19.5888963, "mean_value": 3.9081734, "stdev_value": 1.8891713, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20211224, "num_locations": 269, "min_value": 2.277526, "max_value": 31.8960027, "mean_value": 12.2722454, "stdev_value": 3.0982688, "last_update": 1643835123, "max_issue": 20220202, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20211222, "num_locations": 264, "min_value": 1.9030664, "max_value": 37.3937124, "mean_value": 12.5038004, "stdev_value": 3.6238109, "last_update": 1643835194, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20211223, "num_locations": 182, "min_value": 1.908972, "max_value": 39.5481442, "mean_value": 12.3604769, "stdev_value": 3.6003761, "last_update": 1643835252, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20211225, "num_locations": 1, "min_value": 9.8077692, "max_value": 27.0058032, "mean_value": 12.6810788, "stdev_value": 1.2219962, "last_update": 1643835282, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20211224, "num_locations": 50, "min_value": 3.0114815, "max_value": 35.411576, "mean_value": 12.886509, "stdev_value": 2.6689476, "last_update": 1643835300, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 67, "min_value": 7.1241707, "max_value": 40.0026615, "mean_value": 19.5304937, "stdev_value": 3.4267287, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "hrr", "min_time": 20211220, "max_time": 20220625, "num_locations": 126, "min_value": 5.897228, "max_value": 42.6748953, "mean_value": 19.7060164, "stdev_value": 4.6625072, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 62, "min_value": 7.449434, "max_value": 39.3582203, "mean_value": 19.7361241, "stdev_value": 4.239746, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 18.4809393, "max_value": 20.770861, "mean_value": 19.4847267, "stdev_value": 0.5453515, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_dislike_vaccines_generally", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 47, "min_value": 6.3902943, "max_value": 37.7316319, "mean_value": 19.7005006, "stdev_value": 3.5149921, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 3.8733198, "max_value": 65.8024308, "mean_value": 37.8863748, "stdev_value": 10.7702842, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 3.3445575, "max_value": 71.8676246, "mean_value": 38.8326416, "stdev_value": 10.2987714, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 9.5565973, "max_value": 68.8416246, "mean_value": 36.4859949, "stdev_value": 9.9437057, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 23.504747, "max_value": 49.1555014, "mean_value": 42.2244957, "stdev_value": 6.8273849, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_gov", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 12.450454, "max_value": 67.7544202, "mean_value": 42.9135451, "stdev_value": 8.2286108, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 6.3373338, "max_value": 72.3097565, "mean_value": 39.4005133, "stdev_value": 12.0524336, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 6.5432548, "max_value": 75.041397, "mean_value": 39.0969708, "stdev_value": 10.9974265, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 10.5496022, "max_value": 71.8766845, "mean_value": 37.263145, "stdev_value": 10.5672901, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 26.3299411, "max_value": 54.8598449, "mean_value": 45.6359383, "stdev_value": 8.2569509, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_distrust_vaccines", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 14.2122894, "max_value": 76.4828356, "mean_value": 45.7552156, "stdev_value": 10.0603843, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 2.68867, "max_value": 25.7398773, "mean_value": 11.1342754, "stdev_value": 2.856906, "last_update": 1628859296, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 2.4427752, "max_value": 25.2297164, "mean_value": 11.1467825, "stdev_value": 2.8554226, "last_update": 1628686607, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 2.7694866, "max_value": 25.1692907, "mean_value": 10.9455353, "stdev_value": 2.7274129, "last_update": 1628772911, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 9.5538471, "max_value": 18.3521122, "mean_value": 12.0427154, "stdev_value": 1.6547789, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_health_condition", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 3.9640995, "max_value": 24.0387993, "mean_value": 11.3925431, "stdev_value": 2.3043261, "last_update": 1628859435, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 6.5269903, "max_value": 48.9568179, "mean_value": 24.5260072, "stdev_value": 5.1911112, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 6.6947907, "max_value": 53.7090555, "mean_value": 24.7984946, "stdev_value": 5.8600366, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 7.1164823, "max_value": 54.484413, "mean_value": 24.207075, "stdev_value": 5.7743426, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 19.6582346, "max_value": 30.2768264, "mean_value": 25.7284686, "stdev_value": 3.2087039, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_ineffective", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 11.6209221, "max_value": 52.298582, "mean_value": 26.1078927, "stdev_value": 4.7044414, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 0.4767117, "max_value": 54.3332284, "mean_value": 16.5565188, "stdev_value": 10.1101, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 0.2564103, "max_value": 55.2657496, "mean_value": 16.2136318, "stdev_value": 9.2827039, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 0.7518824, "max_value": 50.675307, "mean_value": 17.5177984, "stdev_value": 9.6695686, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 7.006092, "max_value": 31.3399911, "mean_value": 12.2879791, "stdev_value": 6.5081071, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_low_priority", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 1.2616671, "max_value": 42.2415841, "mean_value": 12.8269855, "stdev_value": 7.4064772, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.386761, "max_value": 21.8109183, "mean_value": 7.9178619, "stdev_value": 2.5124111, "last_update": 1628859296, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 0.8121502, "max_value": 30.0649677, "mean_value": 8.0934786, "stdev_value": 2.5632542, "last_update": 1628686607, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 0.9687711, "max_value": 23.2912513, "mean_value": 8.0287888, "stdev_value": 2.6217481, "last_update": 1628772912, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 4.5181873, "max_value": 11.9337068, "mean_value": 8.6093731, "stdev_value": 1.3868421, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_not_recommended", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 2.5668931, "max_value": 19.2062301, "mean_value": 8.3460955, "stdev_value": 1.9810811, "last_update": 1628859435, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 1.4372991, "max_value": 42.8244651, "mean_value": 17.6983098, "stdev_value": 6.0368779, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 2.6860797, "max_value": 50.8660928, "mean_value": 17.8413979, "stdev_value": 6.3624422, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 2.0627923, "max_value": 54.7826929, "mean_value": 17.2250361, "stdev_value": 6.2453655, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 9.9303692, "max_value": 24.9020614, "mean_value": 19.1013047, "stdev_value": 3.9091196, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_other", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 5.8651725, "max_value": 46.0061502, "mean_value": 19.556545, "stdev_value": 5.1331531, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 269, "min_value": 0.3552191, "max_value": 19.4539214, "mean_value": 5.6342949, "stdev_value": 1.9918921, "last_update": 1628859296, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 264, "min_value": 0.3546099, "max_value": 19.0082655, "mean_value": 5.627179, "stdev_value": 2.1027593, "last_update": 1628686607, "max_issue": 20210811, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 182, "min_value": 0.3552191, "max_value": 19.4539214, "mean_value": 5.6632815, "stdev_value": 2.0533325, "last_update": 1628772912, "max_issue": 20210812, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 4.6500787, "max_value": 9.8490779, "mean_value": 6.0507347, "stdev_value": 0.9728403, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_pregnant", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 50, "min_value": 0.4761905, "max_value": 19.0831092, "mean_value": 5.8217579, "stdev_value": 1.7396931, "last_update": 1628859435, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 0.2360437, "max_value": 37.2408044, "mean_value": 9.7295569, "stdev_value": 5.6347867, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 0.2145923, "max_value": 41.0601024, "mean_value": 9.8180712, "stdev_value": 5.9566815, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 0.2575795, "max_value": 41.411229, "mean_value": 9.1957266, "stdev_value": 5.6983165, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 3.2215934, "max_value": 17.9682824, "mean_value": 11.6468891, "stdev_value": 4.3801209, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_religious", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 0.4587282, "max_value": 38.2845488, "mean_value": 11.6888491, "stdev_value": 5.2139764, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 26.9548241, "max_value": 79.8831658, "mean_value": 53.7488322, "stdev_value": 7.1368359, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 28.7712371, "max_value": 80.055543, "mean_value": 53.8408628, "stdev_value": 7.5832092, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 29.0385923, "max_value": 79.8831658, "mean_value": 53.2930136, "stdev_value": 7.4650192, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 45.4524593, "max_value": 61.2061394, "mean_value": 55.7581717, "stdev_value": 4.3187869, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_sideeffects", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 32.8388023, "max_value": 79.261816, "mean_value": 55.9877578, "stdev_value": 5.9797222, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 2.4146879, "max_value": 64.9447974, "mean_value": 32.9521122, "stdev_value": 11.0263706, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 2.6826198, "max_value": 71.0861382, "mean_value": 32.9523433, "stdev_value": 10.2676657, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 4.2480872, "max_value": 66.4505849, "mean_value": 31.7528147, "stdev_value": 10.285422, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 17.0729857, "max_value": 46.6894472, "mean_value": 37.2840133, "stdev_value": 7.5253347, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_unnecessary", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 9.9642288, "max_value": 67.7170268, "mean_value": 38.1365857, "stdev_value": 9.0498542, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 269, "min_value": 6.8225926, "max_value": 62.5631435, "mean_value": 34.1443483, "stdev_value": 8.8727006, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 264, "min_value": 6.0065841, "max_value": 62.7920337, "mean_value": 35.3441146, "stdev_value": 7.8933413, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 182, "min_value": 7.4386807, "max_value": 61.0454853, "mean_value": 36.4206659, "stdev_value": 7.8766815, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 17.435773, "max_value": 42.105386, "mean_value": 31.373305, "stdev_value": 7.6962928, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whesitancy_reason_wait_safety", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 50, "min_value": 6.6577789, "max_value": 54.9808894, "mean_value": 31.4730499, "stdev_value": 8.2685307, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 1158, "min_value": 1.3750815, "max_value": 73.2503244, "mean_value": 21.9397893, "stdev_value": 10.0012829, "last_update": 1656687591, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 306, "min_value": 2.2171266, "max_value": 74.0255911, "mean_value": 22.8036241, "stdev_value": 9.9718312, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 380, "min_value": 1.8822423, "max_value": 73.2503244, "mean_value": 23.1479164, "stdev_value": 10.2562135, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 9.661965, "max_value": 47.033767, "mean_value": 21.5156062, "stdev_value": 7.1543536, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_whh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 52, "min_value": 2.4860466, "max_value": 61.3750353, "mean_value": 22.2999081, "stdev_value": 9.3458112, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20220625, "num_locations": 1526, "min_value": 0.0, "max_value": 12.7482784, "mean_value": 1.1044539, "stdev_value": 1.075888, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20220625, "num_locations": 306, "min_value": 0.0, "max_value": 12.7454707, "mean_value": 1.368139, "stdev_value": 1.1626017, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 4, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20220625, "num_locations": 382, "min_value": 0.0, "max_value": 12.897527, "mean_value": 1.2702849, "stdev_value": 1.1586003, "last_update": 1656687618, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20220625, "num_locations": 1, "min_value": 0.4424246, "max_value": 5.0456589, "mean_value": 1.3858002, "stdev_value": 0.9112782, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_wili", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20220625, "num_locations": 52, "min_value": 0.0, "max_value": 7.9691919, "mean_value": 1.4244392, "stdev_value": 1.0646239, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 2, "max_lag": 150}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 352, "min_value": 0.1789052, "max_value": 31.3099061, "mean_value": 7.2474167, "stdev_value": 2.8507023, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 0.1908397, "max_value": 31.3351139, "mean_value": 7.4263152, "stdev_value": 2.5663561, "last_update": 1656687605, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 0.1394524, "max_value": 30.4304362, "mean_value": 7.1528107, "stdev_value": 2.685112, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 7.1101013, "max_value": 7.6034753, "mean_value": 7.3572741, "stdev_value": 0.1054342, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_one", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 2.0895519, "max_value": 14.0962306, "mean_value": 7.4065711, "stdev_value": 1.5405493, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 352, "min_value": 0.1760494, "max_value": 37.097309, "mean_value": 6.376349, "stdev_value": 2.6140307, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 0.1851852, "max_value": 37.2985333, "mean_value": 6.6087396, "stdev_value": 2.503617, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 0.2047256, "max_value": 21.8746033, "mean_value": 6.5161824, "stdev_value": 2.5491358, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 6.0873171, "max_value": 7.1435648, "mean_value": 6.6005127, "stdev_value": 0.3242917, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_one_of_two", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 1.2449109, "max_value": 14.3650406, "mean_value": 6.3908213, "stdev_value": 1.5469224, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 352, "min_value": 58.4158339, "max_value": 97.6887012, "mean_value": 85.7413474, "stdev_value": 3.7676812, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 56.295143, "max_value": 97.4969585, "mean_value": 85.312899, "stdev_value": 3.498756, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 62.1802657, "max_value": 97.420166, "mean_value": 85.6887471, "stdev_value": 3.5635137, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 84.7892928, "max_value": 86.3072822, "mean_value": 85.4810374, "stdev_value": 0.3629036, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winitial_dose_two_of_two", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 78.2149548, "max_value": 93.5469139, "mean_value": 85.6387775, "stdev_value": 1.9364896, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 295, "min_value": 1.649099, "max_value": 96.5116573, "mean_value": 44.1861575, "stdev_value": 24.522825, "last_update": 1643835126, "max_issue": 20220202, "min_lag": 1, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 264, "min_value": 2.167588, "max_value": 98.0192219, "mean_value": 46.3823847, "stdev_value": 23.2513277, "last_update": 1643835196, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211224, "num_locations": 181, "min_value": 1.911819, "max_value": 97.7340744, "mean_value": 45.3173837, "stdev_value": 23.6674973, "last_update": 1643835254, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 30.405697, "max_value": 86.0366294, "mean_value": 57.0158636, "stdev_value": 19.9209731, "last_update": 1643835283, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 3.8655163, "max_value": 96.6880092, "mean_value": 58.3279855, "stdev_value": 22.7559791, "last_update": 1643835301, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 69, "min_value": 62.9940419, "max_value": 99.5454541, "mean_value": 92.7122963, "stdev_value": 4.0705057, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220625, "num_locations": 87, "min_value": 55.9706126, "max_value": 99.7326203, "mean_value": 91.1569006, "stdev_value": 5.3418787, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 53, "min_value": 58.2056922, "max_value": 99.6914588, "mean_value": 92.2337491, "stdev_value": 4.6003458, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 87.6818181, "max_value": 95.6651801, "mean_value": 93.2633088, "stdev_value": 2.0315501, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_fulltime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 42, "min_value": 63.1649378, "max_value": 99.5454541, "mean_value": 92.7526905, "stdev_value": 4.0486863, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20211224, "num_locations": 293, "min_value": 0.4471104, "max_value": 75.6656064, "mean_value": 24.2313898, "stdev_value": 12.0261844, "last_update": 1643835126, "max_issue": 20220202, "min_lag": 1, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20211222, "num_locations": 259, "min_value": 0.4464286, "max_value": 66.322919, "mean_value": 25.318842, "stdev_value": 11.1259869, "last_update": 1643835196, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20211223, "num_locations": 178, "min_value": 0.4471104, "max_value": 69.0001297, "mean_value": 24.4376559, "stdev_value": 11.3399035, "last_update": 1643835254, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20211224, "num_locations": 1, "min_value": 16.1480305, "max_value": 28.2422396, "mean_value": 22.2751745, "stdev_value": 4.0347658, "last_update": 1643835283, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20211224, "num_locations": 50, "min_value": 4.2491283, "max_value": 65.7561501, "mean_value": 23.2546423, "stdev_value": 9.7834603, "last_update": 1643835301, "max_issue": 20220202, "min_lag": 5, "max_lag": 133}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 69, "min_value": 0.1461985, "max_value": 24.1369907, "mean_value": 4.7023299, "stdev_value": 2.8786615, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220625, "num_locations": 87, "min_value": 0.1976285, "max_value": 27.8987527, "mean_value": 5.6972514, "stdev_value": 3.7524768, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 53, "min_value": 0.2120599, "max_value": 30.8578463, "mean_value": 4.8967179, "stdev_value": 3.0774775, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 2.6388345, "max_value": 7.8820427, "mean_value": 4.3530664, "stdev_value": 1.2863722, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_winperson_school_parttime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 42, "min_value": 0.1461985, "max_value": 22.9473676, "mean_value": 4.7187805, "stdev_value": 2.8968913, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 0.2747253, "max_value": 44.7660358, "mean_value": 11.252197, "stdev_value": 5.6423628, "last_update": 1616241089, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 0.492228, "max_value": 46.2257562, "mean_value": 12.2999093, "stdev_value": 5.5630368, "last_update": 1616007482, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 0.2747253, "max_value": 44.7660358, "mean_value": 12.1267754, "stdev_value": 5.6983996, "last_update": 1616154705, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 6.8384933, "max_value": 15.8530488, "mean_value": 11.2534813, "stdev_value": 3.0755192, "last_update": 1616500422, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 1.2275906, "max_value": 31.2557433, "mean_value": 11.7680285, "stdev_value": 5.096913, "last_update": 1616241133, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 0.5781915, "max_value": 57.928438, "mean_value": 21.8466829, "stdev_value": 7.3628614, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 1.2339531, "max_value": 57.5739341, "mean_value": 23.3337496, "stdev_value": 7.1254594, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 0.9356978, "max_value": 55.0674681, "mean_value": 22.5222933, "stdev_value": 7.1586873, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 10.793925, "max_value": 31.3438812, "mean_value": 22.6271031, "stdev_value": 5.253952, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wlarge_event_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 1.8963261, "max_value": 46.0268839, "mean_value": 23.4043217, "stdev_value": 6.8020611, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20220625, "num_locations": 1158, "min_value": 0.2449849, "max_value": 67.6118995, "mean_value": 17.2692958, "stdev_value": 9.1160853, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200415, "max_time": 20220625, "num_locations": 306, "min_value": 0.4385965, "max_value": 67.3097288, "mean_value": 17.8269208, "stdev_value": 9.1346179, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20220625, "num_locations": 380, "min_value": 0.4140571, "max_value": 64.7689845, "mean_value": 18.2267998, "stdev_value": 9.4049519, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 2, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "nation", "min_time": 20200415, "max_time": 20220625, "num_locations": 1, "min_value": 6.331558, "max_value": 39.6769705, "mean_value": 16.6227899, "stdev_value": 6.421572, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 244}, {"data_source": "fb-survey", "signal": "smoothed_wnohh_cmnty_cli", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20220625, "num_locations": 52, "min_value": 1.3205772, "max_value": 56.2288024, "mean_value": 17.4001059, "stdev_value": 8.5435123, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 4, "max_lag": 141}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 835, "min_value": 7.622462, "max_value": 58.3337502, "mean_value": 31.7920327, "stdev_value": 6.1464568, "last_update": 1616241090, "max_issue": 20210320, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 12.4907885, "max_value": 55.1652893, "mean_value": 32.0940955, "stdev_value": 5.5899382, "last_update": 1616007482, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 7.622462, "max_value": 58.3337502, "mean_value": 32.446426, "stdev_value": 6.0098032, "last_update": 1616154705, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 21.6507501, "max_value": 35.9460336, "mean_value": 31.3427652, "stdev_value": 3.2126867, "last_update": 1616500423, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 8.9662447, "max_value": 52.6223377, "mean_value": 32.2708983, "stdev_value": 5.4055182, "last_update": 1616241133, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220627, "num_locations": 670, "min_value": 9.7198634, "max_value": 58.617874, "mean_value": 33.5732968, "stdev_value": 5.532449, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220627, "num_locations": 306, "min_value": 11.4492754, "max_value": 58.4677419, "mean_value": 33.7955435, "stdev_value": 5.1569547, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220627, "num_locations": 349, "min_value": 9.8720626, "max_value": 61.2426139, "mean_value": 33.8262538, "stdev_value": 5.4456966, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220627, "num_locations": 1, "min_value": 23.7957814, "max_value": 36.4551242, "mean_value": 33.6054923, "stdev_value": 2.1450812, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_work_outside_home_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220627, "num_locations": 51, "min_value": 13.3451957, "max_value": 52.9292878, "mean_value": 34.5361949, "stdev_value": 4.4888592, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 745, "min_value": 21.8562874, "max_value": 93.8829787, "mean_value": 61.2717627, "stdev_value": 9.5898727, "last_update": 1628859302, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 26.635514, "max_value": 85.9855335, "mean_value": 59.8519576, "stdev_value": 9.4121586, "last_update": 1628859362, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 359, "min_value": 21.8398888, "max_value": 93.8829787, "mean_value": 60.4249489, "stdev_value": 9.4460152, "last_update": 1628859406, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 35.6958763, "max_value": 72.3717622, "mean_value": 56.9028157, "stdev_value": 11.0532109, "last_update": 1628859422, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_worried_become_ill", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 21.8562874, "max_value": 81.0144928, "mean_value": 58.0321489, "stdev_value": 10.6045383, "last_update": 1628859437, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220627, "num_locations": 377, "min_value": 13.1678783, "max_value": 83.8235294, "mean_value": 48.9187704, "stdev_value": 10.4618787, "last_update": 1656687592, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220627, "num_locations": 293, "min_value": 12.585034, "max_value": 82.0855615, "mean_value": 46.2742163, "stdev_value": 10.1272357, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220627, "num_locations": 221, "min_value": 14.8006912, "max_value": 82.1678322, "mean_value": 47.433019, "stdev_value": 9.8045433, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220627, "num_locations": 1, "min_value": 32.7879719, "max_value": 59.1381691, "mean_value": 46.1695619, "stdev_value": 6.9006121, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_catch_covid", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220627, "num_locations": 51, "min_value": 13.1678783, "max_value": 76.1682243, "mean_value": 44.5452652, "stdev_value": 9.4025344, "last_update": 1656687631, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220627, "num_locations": 755, "min_value": 11.0052026, "max_value": 82.6732673, "mean_value": 39.1531293, "stdev_value": 7.8953853, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220627, "num_locations": 306, "min_value": 15.1408451, "max_value": 76.618705, "mean_value": 39.0279071, "stdev_value": 7.3314365, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220627, "num_locations": 360, "min_value": 14.3584953, "max_value": 82.6732673, "mean_value": 39.2171114, "stdev_value": 7.663917, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220627, "num_locations": 1, "min_value": 32.7583261, "max_value": 49.7202012, "mean_value": 38.4454227, "stdev_value": 4.1104441, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_worried_finances", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220627, "num_locations": 51, "min_value": 20.6790123, "max_value": 58.4336003, "mean_value": 37.980683, "stdev_value": 5.5495025, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20220627, "num_locations": 724, "min_value": 14.7232379, "max_value": 88.2235985, "mean_value": 53.9216438, "stdev_value": 15.917221, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "hrr", "min_time": 20210113, "max_time": 20220627, "num_locations": 306, "min_value": 21.679198, "max_value": 88.2113821, "mean_value": 61.4861725, "stdev_value": 14.6393302, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20220627, "num_locations": 359, "min_value": 17.065884, "max_value": 87.1809489, "mean_value": 56.2371783, "stdev_value": 15.6697149, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20220627, "num_locations": 1, "min_value": 37.2208052, "max_value": 74.686969, "mean_value": 67.9060097, "stdev_value": 10.3589595, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_worried_vaccine_side_effects", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20220627, "num_locations": 51, "min_value": 24.025974, "max_value": 86.5484308, "mean_value": 66.939403, "stdev_value": 11.640358, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220625, "num_locations": 360, "min_value": 2.8900442, "max_value": 57.1384989, "mean_value": 19.5881646, "stdev_value": 6.833952, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220625, "num_locations": 290, "min_value": 2.8735545, "max_value": 55.9770673, "mean_value": 18.7926198, "stdev_value": 6.4440911, "last_update": 1656687606, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220625, "num_locations": 214, "min_value": 2.6704421, "max_value": 56.056802, "mean_value": 19.0669081, "stdev_value": 6.5754008, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220625, "num_locations": 1, "min_value": 12.1122322, "max_value": 29.4177794, "mean_value": 18.6006568, "stdev_value": 3.8454173, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_distanced_public", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220625, "num_locations": 51, "min_value": 4.1515193, "max_value": 53.4279084, "mean_value": 18.0471995, "stdev_value": 5.8320159, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "county", "min_time": 20201124, "max_time": 20210808, "num_locations": 726, "min_value": 0.4545455, "max_value": 99.5689655, "mean_value": 75.0626799, "stdev_value": 20.460701, "last_update": 1628859303, "max_issue": 20210813, "min_lag": 0, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "hrr", "min_time": 20201124, "max_time": 20210808, "num_locations": 306, "min_value": 0.3012048, "max_value": 97.9872631, "mean_value": 68.687151, "stdev_value": 23.039915, "last_update": 1628859363, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "msa", "min_time": 20201124, "max_time": 20210808, "num_locations": 355, "min_value": 0.7093424, "max_value": 99.4381474, "mean_value": 71.9296622, "stdev_value": 20.9615251, "last_update": 1628859406, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "nation", "min_time": 20201124, "max_time": 20210808, "num_locations": 1, "min_value": 12.1221968, "max_value": 81.8798592, "mean_value": 61.4684197, "stdev_value": 25.4253023, "last_update": 1628859423, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked", "time_type": "day", "geo_type": "state", "min_time": 20201124, "max_time": 20210808, "num_locations": 51, "min_value": 0.4545455, "max_value": 97.5155904, "mean_value": 63.8378853, "stdev_value": 27.0748247, "last_update": 1628859437, "max_issue": 20210813, "min_lag": 5, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 361, "min_value": 0.1850946, "max_value": 91.361127, "mean_value": 23.3561117, "stdev_value": 21.8086104, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.1557632, "max_value": 91.5325142, "mean_value": 19.1478965, "stdev_value": 19.7661479, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.1508559, "max_value": 89.2016655, "mean_value": 20.3891376, "stdev_value": 20.1005663, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 3.8785358, "max_value": 54.052581, "mean_value": 20.4011157, "stdev_value": 10.9031212, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wothers_masked_public", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.2053294, "max_value": 88.2777682, "mean_value": 17.185773, "stdev_value": 18.2390896, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 831, "min_value": 0.095057, "max_value": 67.611347, "mean_value": 5.1043834, "stdev_value": 4.9251387, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220625, "num_locations": 306, "min_value": 0.1184834, "max_value": 53.9211951, "mean_value": 5.0337428, "stdev_value": 4.1298865, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 370, "min_value": 0.1459525, "max_value": 31.7723756, "mean_value": 4.5544746, "stdev_value": 2.8115349, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 2.8579001, "max_value": 9.0405839, "mean_value": 5.749723, "stdev_value": 1.7722659, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wpublic_transit_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 0.3816794, "max_value": 41.2234339, "mean_value": 5.4374429, "stdev_value": 3.6889787, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 350, "min_value": 44.6845856, "max_value": 96.0016421, "mean_value": 78.8774113, "stdev_value": 6.5378876, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 43.6431494, "max_value": 97.3523875, "mean_value": 79.2426393, "stdev_value": 6.1193318, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 47.3813681, "max_value": 95.8289087, "mean_value": 79.3294516, "stdev_value": 5.838266, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 76.8679215, "max_value": 79.9628531, "mean_value": 78.4509898, "stdev_value": 0.76656, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wrace_treated_fairly_healthcare", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 61.1275035, "max_value": 95.4994895, "mean_value": 79.8366639, "stdev_value": 4.5101922, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20211114, "num_locations": 630, "min_value": 3.8131931, "max_value": 99.5369216, "mean_value": 79.2411098, "stdev_value": 17.2327187, "last_update": 1637329929, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "hrr", "min_time": 20210114, "max_time": 20211114, "num_locations": 306, "min_value": 2.0951814, "max_value": 98.9134502, "mean_value": 77.4185683, "stdev_value": 18.7860551, "last_update": 1637330011, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20211114, "num_locations": 340, "min_value": 1.4166938, "max_value": 99.5369216, "mean_value": 78.5278065, "stdev_value": 17.8464881, "last_update": 1637330071, "max_issue": 20211119, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20211114, "num_locations": 1, "min_value": 17.9638906, "max_value": 92.6246564, "mean_value": 74.9749207, "stdev_value": 21.4558546, "last_update": 1637330093, "max_issue": 20211119, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_2_vaccine_doses", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20211114, "num_locations": 51, "min_value": 7.3361742, "max_value": 96.3267615, "mean_value": 75.7929487, "stdev_value": 20.8389331, "last_update": 1637330109, "max_issue": 20211119, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 17.6982297, "max_value": 83.8165171, "mean_value": 48.8631499, "stdev_value": 9.4779412, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 14.7472214, "max_value": 80.5507318, "mean_value": 46.2922779, "stdev_value": 8.9608849, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 15.8576243, "max_value": 82.2980262, "mean_value": 48.1183396, "stdev_value": 8.9809266, "last_update": 1656687619, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 32.8582126, "max_value": 60.4220058, "mean_value": 45.7738202, "stdev_value": 6.8089877, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 15.9928367, "max_value": 83.8165171, "mean_value": 46.2307869, "stdev_value": 8.7394511, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 11.1703233, "max_value": 78.9730945, "mean_value": 43.7945872, "stdev_value": 9.0506236, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 9.3577232, "max_value": 76.1572109, "mean_value": 41.3296344, "stdev_value": 8.5723507, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 11.1673875, "max_value": 78.9730945, "mean_value": 42.9780296, "stdev_value": 8.6011096, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 27.860551, "max_value": 49.5411113, "mean_value": 40.6500338, "stdev_value": 6.0189305, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.1653242, "max_value": 70.235323, "mean_value": 40.9062967, "stdev_value": 7.9979597, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 5.9319002, "max_value": 57.977632, "mean_value": 27.5230318, "stdev_value": 6.4042328, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 3.8677926, "max_value": 55.193025, "mean_value": 26.3188863, "stdev_value": 6.2139479, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 5.9319002, "max_value": 58.3752259, "mean_value": 26.8992003, "stdev_value": 6.2388892, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 19.0667245, "max_value": 33.3690075, "mean_value": 26.0131712, "stdev_value": 4.138227, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 5.0567359, "max_value": 47.8245817, "mean_value": 25.7523881, "stdev_value": 5.3946691, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 11.8352822, "max_value": 77.1002341, "mean_value": 40.7308989, "stdev_value": 8.6602436, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 6.4487776, "max_value": 73.3101542, "mean_value": 38.5313168, "stdev_value": 8.2891859, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 10.7882693, "max_value": 74.5539272, "mean_value": 39.8638834, "stdev_value": 8.3605377, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 25.5443976, "max_value": 46.9760298, "mean_value": 38.0366029, "stdev_value": 5.9558135, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 14.0299409, "max_value": 77.1002341, "mean_value": 38.3705877, "stdev_value": 8.1019791, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 11.8921201, "max_value": 69.7047642, "mean_value": 38.8774725, "stdev_value": 7.0371838, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 10.9523769, "max_value": 67.9223619, "mean_value": 36.6817992, "stdev_value": 6.6670469, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 13.8407425, "max_value": 69.2789127, "mean_value": 37.7808221, "stdev_value": 6.3860915, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 28.2320293, "max_value": 42.4404932, "mean_value": 36.6836078, "stdev_value": 3.4524327, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.2675883, "max_value": 69.5996362, "mean_value": 36.4473536, "stdev_value": 5.8332799, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 10.9884566, "max_value": 55.8417301, "mean_value": 30.4520939, "stdev_value": 5.5030396, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 11.0805663, "max_value": 53.7454165, "mean_value": 29.8998426, "stdev_value": 5.4414781, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 11.1334005, "max_value": 55.8417301, "mean_value": 30.3957424, "stdev_value": 5.4876069, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 24.2675771, "max_value": 34.1841309, "mean_value": 29.2294132, "stdev_value": 3.3265939, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_local_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.8629489, "max_value": 50.2784511, "mean_value": 29.3536376, "stdev_value": 4.5798127, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 1.9753753, "max_value": 55.6071062, "mean_value": 20.5993203, "stdev_value": 7.4899409, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 3.4408587, "max_value": 58.7502736, "mean_value": 22.986963, "stdev_value": 7.7705772, "last_update": 1656687607, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 3.1016384, "max_value": 57.3985286, "mean_value": 21.5977555, "stdev_value": 7.2342538, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 15.3425458, "max_value": 34.5811819, "mean_value": 23.1038863, "stdev_value": 5.5911218, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 3.176003, "max_value": 54.6733339, "mean_value": 23.6888443, "stdev_value": 7.5180353, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 0.4283319, "max_value": 39.1213459, "mean_value": 14.4486354, "stdev_value": 4.68754, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 1.0902773, "max_value": 39.5985444, "mean_value": 14.2400432, "stdev_value": 4.5942545, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 0.8183415, "max_value": 39.2176323, "mean_value": 14.4167716, "stdev_value": 4.6893103, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.3567311, "max_value": 19.6198389, "mean_value": 13.6339018, "stdev_value": 3.1792605, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.4340857, "max_value": 32.1779574, "mean_value": 13.8609252, "stdev_value": 3.8910602, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 352, "min_value": 0.1495093, "max_value": 46.6960292, "mean_value": 3.6214424, "stdev_value": 2.2787881, "last_update": 1656687593, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.1285347, "max_value": 45.6570439, "mean_value": 3.5977917, "stdev_value": 2.164357, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 0.1390004, "max_value": 46.6396929, "mean_value": 3.6530628, "stdev_value": 2.3626174, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 2.1464939, "max_value": 4.6468375, "mean_value": 3.301974, "stdev_value": 0.6292751, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wreceived_news_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.1639344, "max_value": 29.4330739, "mean_value": 3.4178676, "stdev_value": 1.7499296, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 37, "min_value": 0.0762777, "max_value": 8.4963037, "mean_value": 2.0753331, "stdev_value": 1.2633712, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 16, "min_value": 0.2096436, "max_value": 9.1312582, "mean_value": 2.0724057, "stdev_value": 1.4747549, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 17, "min_value": 0.1142924, "max_value": 11.2616143, "mean_value": 2.0758455, "stdev_value": 1.410957, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 1.5351946, "max_value": 2.2057331, "mean_value": 1.8608761, "stdev_value": 0.1569164, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wremote_school_fulltime_oldest", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 33, "min_value": 0.0762777, "max_value": 8.4637057, "mean_value": 2.0902506, "stdev_value": 1.3271233, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 0.3676141, "max_value": 51.3360589, "mean_value": 18.4272936, "stdev_value": 7.1243256, "last_update": 1616241092, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 1.7963261, "max_value": 47.792486, "mean_value": 19.0718539, "stdev_value": 6.7528436, "last_update": 1616007483, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 0.9146587, "max_value": 51.3360589, "mean_value": 19.1210426, "stdev_value": 7.0417623, "last_update": 1616154706, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 11.6262816, "max_value": 24.3015248, "mean_value": 18.4168837, "stdev_value": 4.2622077, "last_update": 1616500424, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 4.3001112, "max_value": 40.9228708, "mean_value": 18.8972272, "stdev_value": 6.0253929, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 2.2934214, "max_value": 70.3352431, "mean_value": 34.3855799, "stdev_value": 8.476808, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 2.0884499, "max_value": 70.140707, "mean_value": 35.4909844, "stdev_value": 7.8969828, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 2.2934214, "max_value": 68.5840887, "mean_value": 35.1046636, "stdev_value": 8.1037033, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 18.9970264, "max_value": 42.5261079, "mean_value": 35.0052398, "stdev_value": 5.7553606, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wrestaurant_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 6.4579548, "max_value": 57.0937739, "mean_value": 35.4714159, "stdev_value": 7.3434655, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 3.0557482, "max_value": 36.2476824, "mean_value": 19.9541369, "stdev_value": 4.9516172, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 7.9802626, "max_value": 42.8863361, "mean_value": 20.2254142, "stdev_value": 6.1889431, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 5.9902866, "max_value": 43.8837817, "mean_value": 23.0843605, "stdev_value": 6.5553618, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 17.0467258, "max_value": 22.8115644, "mean_value": 18.8326134, "stdev_value": 1.2312283, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_cafeteria", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.9053012, "max_value": 37.0077473, "mean_value": 19.178317, "stdev_value": 4.8006323, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 11.1867709, "max_value": 61.8993147, "mean_value": 36.7345179, "stdev_value": 9.2806915, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 11.0761971, "max_value": 50.1518626, "mean_value": 29.281419, "stdev_value": 9.185019, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 7.9966395, "max_value": 54.8112662, "mean_value": 27.514771, "stdev_value": 8.1921072, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 33.2726652, "max_value": 40.479036, "mean_value": 37.8203111, "stdev_value": 1.4957627, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_dont_know", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 13.437192, "max_value": 63.7519141, "mean_value": 38.3235224, "stdev_value": 9.1396805, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.2735616, "max_value": 12.6314113, "mean_value": 3.6008307, "stdev_value": 1.7063198, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 0.4237288, "max_value": 14.1479965, "mean_value": 5.3021103, "stdev_value": 2.7341949, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 0.4150869, "max_value": 11.8809397, "mean_value": 4.0443032, "stdev_value": 2.1586909, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 2.6523982, "max_value": 4.0135495, "mean_value": 3.3805788, "stdev_value": 0.2923063, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_extracurricular", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.3267974, "max_value": 12.1086957, "mean_value": 3.5080006, "stdev_value": 1.6328115, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 2.7109537, "max_value": 50.2444827, "mean_value": 14.9025578, "stdev_value": 6.7261158, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 7.9062073, "max_value": 49.6911843, "mean_value": 23.0971014, "stdev_value": 9.4944759, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 6.9498013, "max_value": 46.5284656, "mean_value": 22.0942652, "stdev_value": 8.5900262, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 14.0967887, "max_value": 21.0978669, "mean_value": 15.967478, "stdev_value": 1.2743591, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_students", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.5580279, "max_value": 37.4672423, "mean_value": 14.1538584, "stdev_value": 5.4456556, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 1.228782, "max_value": 38.2939901, "mean_value": 13.1621427, "stdev_value": 5.8027046, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 5.1511558, "max_value": 38.1739966, "mean_value": 19.0566856, "stdev_value": 7.2089264, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 4.4223221, "max_value": 39.6244108, "mean_value": 19.3188187, "stdev_value": 7.4262661, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 11.4276249, "max_value": 19.8289807, "mean_value": 14.0256832, "stdev_value": 1.5397895, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_mask_teachers", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 1.3843993, "max_value": 32.1496148, "mean_value": 12.6574352, "stdev_value": 5.0061394, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 10.4578801, "max_value": 39.1301004, "mean_value": 21.0105746, "stdev_value": 4.5784687, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 11.2655108, "max_value": 39.2283632, "mean_value": 24.4545959, "stdev_value": 6.0673884, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 12.4687243, "max_value": 42.9938223, "mean_value": 24.419085, "stdev_value": 5.5618539, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 18.3950047, "max_value": 23.6094333, "mean_value": 20.5440867, "stdev_value": 1.1779469, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_restricted_entry", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 9.5155687, "max_value": 35.3097486, "mean_value": 20.3540025, "stdev_value": 4.3407556, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.3496503, "max_value": 18.7391316, "mean_value": 6.5175328, "stdev_value": 2.9681061, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 0.3968254, "max_value": 18.4611355, "mean_value": 8.6334126, "stdev_value": 3.6225415, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 0.4672897, "max_value": 18.7159686, "mean_value": 7.731947, "stdev_value": 3.4332047, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 5.8476423, "max_value": 8.5740363, "mean_value": 6.9687148, "stdev_value": 0.6117469, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_separators", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.3496503, "max_value": 17.3998852, "mean_value": 6.4339628, "stdev_value": 2.8856922, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 3.2512155, "max_value": 37.2665279, "mean_value": 14.1005203, "stdev_value": 4.8357845, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 6.5572472, "max_value": 37.1386858, "mean_value": 19.0536982, "stdev_value": 7.6494873, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 4.8470003, "max_value": 33.3515741, "mean_value": 17.8680872, "stdev_value": 5.5600066, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 12.8092676, "max_value": 16.1207283, "mean_value": 14.073123, "stdev_value": 0.581377, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_symptom_screen", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.7491579, "max_value": 26.1327559, "mean_value": 13.3922934, "stdev_value": 3.9544068, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 2.4780953, "max_value": 47.0116745, "mean_value": 14.8058885, "stdev_value": 8.0032941, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 6.1613255, "max_value": 46.8444885, "mean_value": 24.4020283, "stdev_value": 11.4283726, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 3.0939421, "max_value": 45.0511922, "mean_value": 22.6819785, "stdev_value": 8.9627043, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 14.0882184, "max_value": 16.3623251, "mean_value": 15.0465363, "stdev_value": 0.5996496, "last_update": 1656687625, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_staff", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 2.3547242, "max_value": 37.4345037, "mean_value": 13.7771869, "stdev_value": 6.6984916, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.3521134, "max_value": 47.0511973, "mean_value": 12.0702587, "stdev_value": 9.866215, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 2.428791, "max_value": 46.9907192, "mean_value": 23.8838873, "stdev_value": 14.6436112, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 2.5404529, "max_value": 52.0782552, "mean_value": 21.3889238, "stdev_value": 11.1998854, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 11.0994666, "max_value": 13.1081802, "mean_value": 12.0185986, "stdev_value": 0.4101426, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_testing_students", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.3521134, "max_value": 45.0926879, "mean_value": 10.7563046, "stdev_value": 8.3334736, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 4.529086, "max_value": 50.540819, "mean_value": 20.9694996, "stdev_value": 9.4620048, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 6.2176082, "max_value": 54.1104369, "mean_value": 26.1798343, "stdev_value": 11.3419667, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 5.6521795, "max_value": 52.660388, "mean_value": 30.013978, "stdev_value": 10.1944298, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 18.9235679, "max_value": 21.0356194, "mean_value": 19.9508936, "stdev_value": 0.5050056, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_staff", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 5.2647188, "max_value": 50.4315379, "mean_value": 20.0380724, "stdev_value": 9.0519071, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 0.390625, "max_value": 31.9492096, "mean_value": 7.8092787, "stdev_value": 4.9283717, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 2.4477441, "max_value": 31.8611345, "mean_value": 14.0068442, "stdev_value": 7.6232104, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 0.436951, "max_value": 35.299099, "mean_value": 13.7987543, "stdev_value": 6.580221, "last_update": 1656687620, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 7.0598013, "max_value": 8.8774326, "mean_value": 8.1040837, "stdev_value": 0.4049425, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_vaccine_students", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 0.390625, "max_value": 23.8955847, "mean_value": 7.2306946, "stdev_value": 3.9042488, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "county", "min_time": 20220323, "max_time": 20220625, "num_locations": 29, "min_value": 4.6931308, "max_value": 37.6143806, "mean_value": 19.1798116, "stdev_value": 6.0969677, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "hrr", "min_time": 20220323, "max_time": 20220625, "num_locations": 6, "min_value": 4.58531, "max_value": 44.0332088, "mean_value": 22.2788326, "stdev_value": 8.4592721, "last_update": 1656687608, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "msa", "min_time": 20220323, "max_time": 20220625, "num_locations": 12, "min_value": 4.8489897, "max_value": 46.5430952, "mean_value": 24.9350794, "stdev_value": 7.8934083, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "nation", "min_time": 20220323, "max_time": 20220625, "num_locations": 1, "min_value": 16.8396074, "max_value": 19.2260221, "mean_value": 17.8687456, "stdev_value": 0.5616362, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wschool_safety_measures_ventilation", "time_type": "day", "geo_type": "state", "min_time": 20220323, "max_time": 20220625, "num_locations": 27, "min_value": 4.3250788, "max_value": 38.2284319, "mean_value": 18.3520717, "stdev_value": 5.9829859, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20210319, "max_time": 20220216, "num_locations": 61, "min_value": 0.117647, "max_value": 28.2753529, "mean_value": 2.9988843, "stdev_value": 2.6672, "last_update": 1645451532, "max_issue": 20220221, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20210319, "max_time": 20220203, "num_locations": 59, "min_value": 0.1557632, "max_value": 22.5495241, "mean_value": 3.0735439, "stdev_value": 2.7099545, "last_update": 1644333677, "max_issue": 20220208, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20210319, "max_time": 20220212, "num_locations": 36, "min_value": 0.1706702, "max_value": 21.7683199, "mean_value": 2.764366, "stdev_value": 2.4859197, "last_update": 1645113276, "max_issue": 20220217, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20210319, "max_time": 20220218, "num_locations": 1, "min_value": 1.0612093, "max_value": 8.6280918, "mean_value": 2.5831262, "stdev_value": 1.8521182, "last_update": 1645624434, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wscreening_tested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20210319, "max_time": 20220216, "num_locations": 41, "min_value": 0.117647, "max_value": 31.1396883, "mean_value": 3.0390157, "stdev_value": 2.7965707, "last_update": 1645451668, "max_issue": 20220221, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 32.3631709, "max_value": 83.593709, "mean_value": 56.6732884, "stdev_value": 6.0503961, "last_update": 1616241092, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 37.7745162, "max_value": 83.9520084, "mean_value": 57.2549396, "stdev_value": 5.3051061, "last_update": 1616007483, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 32.3664033, "max_value": 83.593709, "mean_value": 57.2372895, "stdev_value": 5.8496833, "last_update": 1616154706, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 49.5642982, "max_value": 62.3377783, "mean_value": 57.0468354, "stdev_value": 3.6938224, "last_update": 1616500424, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wshop_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 40.2458578, "max_value": 71.7285319, "mean_value": 57.0378721, "stdev_value": 4.4592075, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 34.9047575, "max_value": 89.0853989, "mean_value": 64.2569501, "stdev_value": 6.4550715, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 36.2791895, "max_value": 88.1728883, "mean_value": 64.973174, "stdev_value": 5.7661429, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 36.2735397, "max_value": 87.2787906, "mean_value": 64.7073857, "stdev_value": 6.074117, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 53.6683064, "max_value": 69.4763318, "mean_value": 64.3928201, "stdev_value": 3.9279933, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wshop_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 37.9814935, "max_value": 79.8528081, "mean_value": 65.1526125, "stdev_value": 4.8227782, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 11.4219734, "max_value": 66.8810674, "mean_value": 36.8481763, "stdev_value": 7.6077021, "last_update": 1616241093, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 15.2777906, "max_value": 73.708705, "mean_value": 37.8060501, "stdev_value": 7.3123019, "last_update": 1616007484, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 12.8494288, "max_value": 74.9962, "mean_value": 37.7491217, "stdev_value": 7.3672668, "last_update": 1616154707, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 28.078896, "max_value": 45.9083997, "mean_value": 36.6718824, "stdev_value": 5.1925318, "last_update": 1616500424, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 20.5182852, "max_value": 65.4399817, "mean_value": 37.6938355, "stdev_value": 6.6487286, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 12.1115306, "max_value": 74.6898276, "mean_value": 44.8739983, "stdev_value": 7.5260073, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 14.7624462, "max_value": 77.201618, "mean_value": 46.0249884, "stdev_value": 7.1290718, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 12.1115306, "max_value": 73.6403445, "mean_value": 45.6331196, "stdev_value": 7.1447526, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 33.7822735, "max_value": 52.2408293, "mean_value": 44.8759535, "stdev_value": 4.3265467, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wspent_time_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 20.7577586, "max_value": 66.1495664, "mean_value": 46.6903866, "stdev_value": 6.230148, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 802, "min_value": 0.3763116, "max_value": 63.3583378, "mean_value": 13.9328752, "stdev_value": 7.4547174, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220625, "num_locations": 306, "min_value": 0.3759398, "max_value": 56.8514457, "mean_value": 13.8810175, "stdev_value": 7.0420457, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 366, "min_value": 0.4910279, "max_value": 55.3470515, "mean_value": 13.5870645, "stdev_value": 7.0246739, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 7.4292251, "max_value": 32.4234431, "mean_value": 14.4200121, "stdev_value": 5.6985117, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wtested_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 2.4975969, "max_value": 56.8603215, "mean_value": 14.2921669, "stdev_value": 6.9783886, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 225, "min_value": 0.3448276, "max_value": 59.5986145, "mean_value": 16.778296, "stdev_value": 9.799182, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200909, "max_time": 20220625, "num_locations": 225, "min_value": 0.3289474, "max_value": 65.2596539, "mean_value": 17.8414576, "stdev_value": 10.4887299, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 2, "max_lag": 90}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 138, "min_value": 0.3747481, "max_value": 62.8399023, "mean_value": 17.2123455, "stdev_value": 10.3243834, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 2, "max_lag": 91}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 4.866296, "max_value": 33.6232041, "mean_value": 14.4398464, "stdev_value": 6.7510709, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wtested_positive_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 0.3448276, "max_value": 56.2407392, "mean_value": 16.170171, "stdev_value": 9.1744281, "last_update": 1656687632, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20210315, "num_locations": 1422, "min_value": 0.1025095, "max_value": 64.2806489, "mean_value": 10.0257477, "stdev_value": 7.3957277, "last_update": 1616241093, "max_issue": 20210320, "min_lag": 0, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "hrr", "min_time": 20200406, "max_time": 20210311, "num_locations": 306, "min_value": 0.0947719, "max_value": 60.4068071, "mean_value": 9.6768065, "stdev_value": 6.2837987, "last_update": 1616007484, "max_issue": 20210317, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20210314, "num_locations": 381, "min_value": 0.1025095, "max_value": 59.3672059, "mean_value": 9.4746487, "stdev_value": 6.8946317, "last_update": 1616154707, "max_issue": 20210319, "min_lag": 1, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "nation", "min_time": 20200406, "max_time": 20210318, "num_locations": 1, "min_value": 3.3773044, "max_value": 12.1462511, "mean_value": 8.7849591, "stdev_value": 2.2060552, "last_update": 1616500425, "max_issue": 20210323, "min_lag": 5, "max_lag": 253}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_5d", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20210315, "num_locations": 52, "min_value": 0.5082227, "max_value": 34.831101, "mean_value": 11.1475629, "stdev_value": 5.6036074, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 5, "max_lag": 247}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220218, "num_locations": 660, "min_value": 0.290026, "max_value": 62.5827664, "mean_value": 14.6023051, "stdev_value": 7.7177183, "last_update": 1645624331, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220217, "num_locations": 306, "min_value": 0.3267974, "max_value": 54.4929375, "mean_value": 14.6547479, "stdev_value": 7.3109698, "last_update": 1645538059, "max_issue": 20220222, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220218, "num_locations": 347, "min_value": 0.290026, "max_value": 58.571549, "mean_value": 13.9827795, "stdev_value": 7.4833647, "last_update": 1645624422, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220220, "num_locations": 1, "min_value": 9.1274506, "max_value": 17.4480578, "mean_value": 13.661823, "stdev_value": 2.0919633, "last_update": 1645797208, "max_issue": 20220225, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtravel_outside_state_7d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220218, "num_locations": 51, "min_value": 2.2033812, "max_value": 44.9972394, "mean_value": 16.9371366, "stdev_value": 6.749975, "last_update": 1645624451, "max_issue": 20220223, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 350, "min_value": 22.6495979, "max_value": 85.4382659, "mean_value": 55.5010384, "stdev_value": 8.2242305, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 20.6855613, "max_value": 82.9676586, "mean_value": 52.5705567, "stdev_value": 7.9609733, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 214, "min_value": 24.2655111, "max_value": 81.1954238, "mean_value": 54.3750319, "stdev_value": 7.5021275, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 47.3425245, "max_value": 57.6821686, "mean_value": 52.948235, "stdev_value": 3.4004495, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_cdc", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 27.744328, "max_value": 85.4382659, "mean_value": 52.4494803, "stdev_value": 6.7902807, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 349, "min_value": 36.8559842, "max_value": 90.8331209, "mean_value": 67.6003166, "stdev_value": 6.8932108, "last_update": 1656687594, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 36.2539364, "max_value": 89.5014574, "mean_value": 65.1365806, "stdev_value": 6.6182919, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 37.6877346, "max_value": 89.9602271, "mean_value": 66.8492483, "stdev_value": 6.222334, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 62.2506491, "max_value": 68.8010739, "mean_value": 65.42416, "stdev_value": 1.6821282, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 37.9991137, "max_value": 87.6406193, "mean_value": 65.1384811, "stdev_value": 5.1848908, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 348, "min_value": 30.9067951, "max_value": 91.508129, "mean_value": 61.7021582, "stdev_value": 8.8957006, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 287, "min_value": 23.9494261, "max_value": 86.6846909, "mean_value": 58.1129887, "stdev_value": 8.742203, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 212, "min_value": 27.9714933, "max_value": 91.508129, "mean_value": 60.3315044, "stdev_value": 8.0117511, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 55.187706, "max_value": 62.9952121, "mean_value": 58.7259869, "stdev_value": 2.2616361, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_experts", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 32.4180554, "max_value": 87.9142544, "mean_value": 58.0295043, "stdev_value": 7.3783931, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 345, "min_value": 4.9057594, "max_value": 43.4105187, "mean_value": 18.0295893, "stdev_value": 3.8402219, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 287, "min_value": 4.6162291, "max_value": 44.3604732, "mean_value": 18.2844786, "stdev_value": 3.7423117, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 211, "min_value": 4.6372256, "max_value": 42.2619661, "mean_value": 17.8326197, "stdev_value": 3.6915923, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 16.6245613, "max_value": 19.6764956, "mean_value": 18.2025438, "stdev_value": 0.6308334, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_friends", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 6.0138198, "max_value": 35.7792439, "mean_value": 18.1203862, "stdev_value": 2.3954019, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 348, "min_value": 8.6647269, "max_value": 68.3620411, "mean_value": 33.6942824, "stdev_value": 7.3276318, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 8.9231854, "max_value": 61.333348, "mean_value": 31.2956907, "stdev_value": 6.9490175, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 213, "min_value": 11.0023076, "max_value": 59.2091526, "mean_value": 32.4187831, "stdev_value": 6.5352786, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 28.3081996, "max_value": 35.4196602, "mean_value": 31.6259908, "stdev_value": 1.9119801, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 11.7605196, "max_value": 68.3620411, "mean_value": 31.0462511, "stdev_value": 5.7161089, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 345, "min_value": 0.6957297, "max_value": 33.9004175, "mean_value": 9.721735, "stdev_value": 3.87921, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 287, "min_value": 0.3424658, "max_value": 29.6115975, "mean_value": 8.7672862, "stdev_value": 3.493312, "last_update": 1656687609, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 212, "min_value": 0.406509, "max_value": 36.5541155, "mean_value": 9.0514644, "stdev_value": 3.2005543, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.7205923, "max_value": 11.5555948, "mean_value": 9.0302323, "stdev_value": 0.8442416, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_journalists", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.9296127, "max_value": 28.9925589, "mean_value": 8.4776046, "stdev_value": 2.6005524, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 345, "min_value": 0.1285179, "max_value": 25.133828, "mean_value": 3.4229071, "stdev_value": 2.1220533, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 288, "min_value": 0.1213592, "max_value": 22.941208, "mean_value": 3.1654847, "stdev_value": 1.9189255, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 211, "min_value": 0.1471368, "max_value": 23.2360265, "mean_value": 3.1751285, "stdev_value": 1.7801704, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 2.6281955, "max_value": 3.8097965, "mean_value": 3.1340104, "stdev_value": 0.2087369, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_politicians", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.1285179, "max_value": 9.812652, "mean_value": 2.7736422, "stdev_value": 1.1163698, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 343, "min_value": 0.4634844, "max_value": 51.146941, "mean_value": 9.318464, "stdev_value": 3.6718639, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 286, "min_value": 0.4854369, "max_value": 48.6295919, "mean_value": 9.6086689, "stdev_value": 3.5613675, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 210, "min_value": 0.6917332, "max_value": 51.146941, "mean_value": 9.4456445, "stdev_value": 3.720163, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 8.7001281, "max_value": 10.4743297, "mean_value": 9.413867, "stdev_value": 0.2989216, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtrust_covid_info_religious", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.9474511, "max_value": 29.524042, "mean_value": 9.4118683, "stdev_value": 2.9326646, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220625, "num_locations": 43, "min_value": 0.3649457, "max_value": 27.517894, "mean_value": 7.3383687, "stdev_value": 3.2996912, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "hrr", "min_time": 20210606, "max_time": 20220224, "num_locations": 36, "min_value": 1.0980222, "max_value": 28.695644, "mean_value": 9.941667, "stdev_value": 4.0224087, "last_update": 1646148996, "max_issue": 20220301, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220524, "num_locations": 20, "min_value": 1.3943083, "max_value": 29.8587031, "mean_value": 10.4297743, "stdev_value": 3.9962442, "last_update": 1653828843, "max_issue": 20220529, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220625, "num_locations": 1, "min_value": 2.4922653, "max_value": 11.0669965, "mean_value": 6.5239976, "stdev_value": 2.5614274, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wtry_vaccinate_1m", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220625, "num_locations": 39, "min_value": 0.3649457, "max_value": 27.8956431, "mean_value": 7.2276934, "stdev_value": 3.4294288, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220625, "num_locations": 82, "min_value": 37.6257246, "max_value": 95.1287381, "mean_value": 67.246269, "stdev_value": 9.7320306, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "hrr", "min_time": 20211221, "max_time": 20220625, "num_locations": 112, "min_value": 37.5216189, "max_value": 96.9068412, "mean_value": 70.5590915, "stdev_value": 9.9435586, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "msa", "min_time": 20211220, "max_time": 20220625, "num_locations": 67, "min_value": 43.2492541, "max_value": 96.2256746, "mean_value": 73.5593107, "stdev_value": 8.5925447, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 62.5229926, "max_value": 71.6485286, "mean_value": 65.9552078, "stdev_value": 2.6092141, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_child_oldest", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220625, "num_locations": 44, "min_value": 38.3963014, "max_value": 87.3220823, "mean_value": 64.287366, "stdev_value": 9.3009684, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20211224, "num_locations": 170, "min_value": 35.0426347, "max_value": 98.4057634, "mean_value": 72.6015575, "stdev_value": 10.1298274, "last_update": 1643835139, "max_issue": 20220202, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20211223, "num_locations": 207, "min_value": 34.2052529, "max_value": 98.3285548, "mean_value": 70.1119193, "stdev_value": 10.7300619, "last_update": 1643835209, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20211224, "num_locations": 121, "min_value": 39.7892496, "max_value": 95.4593873, "mean_value": 73.3538732, "stdev_value": 8.6301775, "last_update": 1643835263, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20211225, "num_locations": 1, "min_value": 60.5121525, "max_value": 73.6457036, "mean_value": 69.6122622, "stdev_value": 2.7523783, "last_update": 1643835284, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinate_children", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20211224, "num_locations": 50, "min_value": 33.5273513, "max_value": 91.3586063, "mean_value": 66.9824793, "stdev_value": 8.4881129, "last_update": 1643835305, "max_issue": 20220202, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 46.133045, "max_value": 96.835666, "mean_value": 75.359958, "stdev_value": 7.585892, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 43.6384856, "max_value": 96.5360784, "mean_value": 73.405462, "stdev_value": 7.623695, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 44.891811, "max_value": 95.9264046, "mean_value": 73.813278, "stdev_value": 7.5274635, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 71.2777479, "max_value": 74.6998229, "mean_value": 73.6999915, "stdev_value": 0.8236061, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_at_least_one_booster", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 51.5140127, "max_value": 94.8246402, "mean_value": 73.6568817, "stdev_value": 6.7960911, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 29.2747741, "max_value": 79.7939582, "mean_value": 50.1548802, "stdev_value": 6.6397371, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 25.049317, "max_value": 76.9790073, "mean_value": 50.6172602, "stdev_value": 7.492241, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 31.1139235, "max_value": 73.6478834, "mean_value": 51.6267811, "stdev_value": 6.9772261, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 45.9806262, "max_value": 56.9886779, "mean_value": 50.2928295, "stdev_value": 2.8114233, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_accept", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 30.3827164, "max_value": 72.126006, "mean_value": 49.128634, "stdev_value": 5.4941582, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 3.2865244, "max_value": 36.8006659, "mean_value": 20.418173, "stdev_value": 4.2194252, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 6.2206474, "max_value": 45.7196734, "mean_value": 19.8356633, "stdev_value": 5.2606611, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 6.0459919, "max_value": 37.7119037, "mean_value": 19.0477152, "stdev_value": 4.7363173, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 17.4030734, "max_value": 22.4568511, "mean_value": 20.2766155, "stdev_value": 1.1939182, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defno", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 8.6868137, "max_value": 35.9098266, "mean_value": 20.9479709, "stdev_value": 3.6474657, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 8.8186225, "max_value": 49.853294, "mean_value": 24.7455808, "stdev_value": 5.407431, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 8.0850205, "max_value": 51.3225204, "mean_value": 24.7935443, "stdev_value": 6.3893824, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 8.3866882, "max_value": 46.7955311, "mean_value": 25.4305273, "stdev_value": 6.1391777, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 21.2551081, "max_value": 31.2160819, "mean_value": 24.7052226, "stdev_value": 2.6905232, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_defyes", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 10.8113603, "max_value": 44.4751591, "mean_value": 23.7726845, "stdev_value": 4.5627642, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 20.2060418, "max_value": 70.7252259, "mean_value": 49.8451198, "stdev_value": 6.6397371, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 23.0209927, "max_value": 74.950683, "mean_value": 49.3827398, "stdev_value": 7.492241, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 26.3521166, "max_value": 68.8860765, "mean_value": 48.3732189, "stdev_value": 6.9772261, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 43.0113221, "max_value": 54.0193738, "mean_value": 49.7071705, "stdev_value": 2.8114233, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_hesitant", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 27.873994, "max_value": 69.6172836, "mean_value": 50.871366, "stdev_value": 5.4941582, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 9.8665988, "max_value": 46.595266, "mean_value": 29.4269467, "stdev_value": 4.6042106, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 11.628747, "max_value": 56.1431652, "mean_value": 29.5470765, "stdev_value": 5.9081981, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 11.2907557, "max_value": 53.2928713, "mean_value": 29.3255037, "stdev_value": 5.4640157, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 25.5488055, "max_value": 32.2167816, "mean_value": 29.4305551, "stdev_value": 1.7496284, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probno", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 13.9552477, "max_value": 47.8379066, "mean_value": 29.9233952, "stdev_value": 4.2468371, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 62, "min_value": 11.4367827, "max_value": 42.6003795, "mean_value": 25.4092995, "stdev_value": 3.9221453, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 3, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 90, "min_value": 6.9382613, "max_value": 46.5065602, "mean_value": 25.8237158, "stdev_value": 5.1884215, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 49, "min_value": 12.0615833, "max_value": 47.2634639, "mean_value": 26.1962538, "stdev_value": 4.8434358, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 24.4751691, "max_value": 26.5156026, "mean_value": 25.5876069, "stdev_value": 0.4498236, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_booster_probyes", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 42, "min_value": 11.532786, "max_value": 43.9133009, "mean_value": 25.3559495, "stdev_value": 3.6500812, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 3.0120474, "max_value": 53.6224405, "mean_value": 24.0267817, "stdev_value": 7.5202091, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 2.7297017, "max_value": 56.1234192, "mean_value": 25.9755761, "stdev_value": 7.5217103, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 3.6818883, "max_value": 53.1638971, "mean_value": 25.5700454, "stdev_value": 7.4396881, "last_update": 1656687621, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 24.811472, "max_value": 28.1608077, "mean_value": 25.7613341, "stdev_value": 0.8321316, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_no_booster", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 5.035695, "max_value": 48.1681191, "mean_value": 25.8220567, "stdev_value": 6.7232808, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 31.381418, "max_value": 92.8119093, "mean_value": 62.4012237, "stdev_value": 9.2879995, "last_update": 1656687595, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 33.0340812, "max_value": 93.3311848, "mean_value": 60.7965684, "stdev_value": 9.144306, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 28.3789418, "max_value": 93.3929656, "mean_value": 61.2316967, "stdev_value": 9.2055451, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 53.1616307, "max_value": 70.0563215, "mean_value": 61.5406393, "stdev_value": 6.0402684, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_one_booster", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 39.959379, "max_value": 88.6524077, "mean_value": 61.3624476, "stdev_value": 8.2807859, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "county", "min_time": 20220304, "max_time": 20220625, "num_locations": 353, "min_value": 0.1142348, "max_value": 43.5541358, "mean_value": 12.9587343, "stdev_value": 8.0412406, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 2, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "hrr", "min_time": 20220304, "max_time": 20220625, "num_locations": 272, "min_value": 0.1136364, "max_value": 43.7144432, "mean_value": 12.6088936, "stdev_value": 7.9672583, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "msa", "min_time": 20220304, "max_time": 20220625, "num_locations": 207, "min_value": 0.1095436, "max_value": 43.0383685, "mean_value": 12.5815814, "stdev_value": 7.8687626, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "nation", "min_time": 20220304, "max_time": 20220625, "num_locations": 1, "min_value": 2.5678236, "max_value": 21.1256296, "mean_value": 12.1593521, "stdev_value": 6.7502001, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccinated_two_or_more_boosters", "time_type": "day", "geo_type": "state", "min_time": 20220304, "max_time": 20220625, "num_locations": 51, "min_value": 0.2568801, "max_value": 32.2306269, "mean_value": 12.2944342, "stdev_value": 7.4334297, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 5, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.1396784, "max_value": 20.1792529, "mean_value": 3.2208297, "stdev_value": 1.9897014, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1077586, "max_value": 19.7726197, "mean_value": 2.7732248, "stdev_value": 1.6623896, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1276449, "max_value": 20.1792529, "mean_value": 2.8517195, "stdev_value": 1.7484735, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.8171479, "max_value": 5.7755266, "mean_value": 3.0857526, "stdev_value": 0.3527399, "last_update": 1645710827, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1396784, "max_value": 14.0049506, "mean_value": 2.839473, "stdev_value": 1.329525, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 501, "min_value": 0.1368611, "max_value": 20.8164467, "mean_value": 3.1209518, "stdev_value": 1.9730592, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.1094092, "max_value": 19.8981142, "mean_value": 2.6727632, "stdev_value": 1.6457543, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 282, "min_value": 0.1292935, "max_value": 20.8164467, "mean_value": 2.7487646, "stdev_value": 1.7233356, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 2.6927536, "max_value": 5.7570677, "mean_value": 2.9773038, "stdev_value": 0.3662107, "last_update": 1645710827, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1420593, "max_value": 13.3877001, "mean_value": 2.7151875, "stdev_value": 1.3102868, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.4449069, "max_value": 20.606332, "mean_value": 8.78652, "stdev_value": 3.1686828, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 4.9941541, "max_value": 13.2906121, "mean_value": 9.1452968, "stdev_value": 1.5517786, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_location_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 1.6741467, "max_value": 29.632304, "mean_value": 9.12969, "stdev_value": 3.8835692, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0629662, "max_value": 32.3603468, "mean_value": 2.4659103, "stdev_value": 1.7102453, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0538213, "max_value": 25.7268723, "mean_value": 2.2578277, "stdev_value": 1.483084, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0909755, "max_value": 32.3603468, "mean_value": 2.3221899, "stdev_value": 1.5851299, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.7255233, "max_value": 3.8938781, "mean_value": 2.3404011, "stdev_value": 0.7122971, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1303795, "max_value": 14.7215464, "mean_value": 2.2522092, "stdev_value": 1.1518998, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.063461, "max_value": 32.3883137, "mean_value": 2.3619416, "stdev_value": 1.7391972, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0542888, "max_value": 25.9389366, "mean_value": 2.1277943, "stdev_value": 1.5165581, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0865529, "max_value": 32.3883137, "mean_value": 2.2009056, "stdev_value": 1.6100801, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.4923208, "max_value": 3.7645724, "mean_value": 2.2477716, "stdev_value": 0.7978303, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1216544, "max_value": 15.0111974, "mean_value": 2.1501842, "stdev_value": 1.232602, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.0712595, "max_value": 24.3542163, "mean_value": 13.1386287, "stdev_value": 3.951907, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 8.2144079, "max_value": 16.0048402, "mean_value": 11.69826, "stdev_value": 1.9002614, "last_update": 1632499449, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 7.0689796, "max_value": 17.8766616, "mean_value": 13.4631415, "stdev_value": 2.0410688, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_appointment_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.9790366, "max_value": 30.2193085, "mean_value": 14.5314706, "stdev_value": 4.8962466, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0465116, "max_value": 16.9323439, "mean_value": 0.8958716, "stdev_value": 0.7672054, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0316456, "max_value": 14.4194686, "mean_value": 0.8440471, "stdev_value": 0.7132917, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0236636, "max_value": 13.7535555, "mean_value": 0.8882412, "stdev_value": 0.7634993, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.5569101, "max_value": 1.1986484, "mean_value": 0.681571, "stdev_value": 0.076277, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0457952, "max_value": 6.0295964, "mean_value": 0.7440923, "stdev_value": 0.4194647, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.04455, "max_value": 14.5753526, "mean_value": 0.8392822, "stdev_value": 0.726589, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0320307, "max_value": 14.5170739, "mean_value": 0.7777809, "stdev_value": 0.6713019, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0240045, "max_value": 13.9840064, "mean_value": 0.8271551, "stdev_value": 0.7184784, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.4827674, "max_value": 1.1949633, "mean_value": 0.6212798, "stdev_value": 0.091243, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0362533, "max_value": 6.0753603, "mean_value": 0.6838535, "stdev_value": 0.4166271, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 11.4703324, "mean_value": 4.3712154, "stdev_value": 2.074303, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.9789895, "max_value": 7.5745508, "mean_value": 3.9710005, "stdev_value": 1.540267, "last_update": 1632499450, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 2.2513431, "max_value": 7.3157003, "mean_value": 4.4170842, "stdev_value": 0.8420327, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_childcare_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 12.7821809, "mean_value": 4.5165148, "stdev_value": 2.2910833, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0178514, "max_value": 19.7485214, "mean_value": 0.552355, "stdev_value": 0.6206412, "last_update": 1645624334, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0183352, "max_value": 25.8187009, "mean_value": 0.508366, "stdev_value": 0.6297092, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0180863, "max_value": 16.4950985, "mean_value": 0.5321216, "stdev_value": 0.5950901, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.208607, "max_value": 0.627881, "mean_value": 0.3342486, "stdev_value": 0.0579294, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0147893, "max_value": 6.5213812, "mean_value": 0.3833704, "stdev_value": 0.3193122, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0181605, "max_value": 19.8383486, "mean_value": 0.5020033, "stdev_value": 0.570843, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0186916, "max_value": 25.9753461, "mean_value": 0.4484964, "stdev_value": 0.5708816, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0183419, "max_value": 17.0910092, "mean_value": 0.4819804, "stdev_value": 0.5479063, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.1559025, "max_value": 0.5295183, "mean_value": 0.2764832, "stdev_value": 0.0603942, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.013113, "max_value": 6.6762876, "mean_value": 0.3273424, "stdev_value": 0.2881539, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 11.85878, "mean_value": 3.9414083, "stdev_value": 1.9582121, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.7847433, "max_value": 10.4011447, "mean_value": 5.6250518, "stdev_value": 2.2718469, "last_update": 1632499451, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 2.2265093, "max_value": 7.8427578, "mean_value": 4.6477354, "stdev_value": 1.1517088, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_document_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4237285, "max_value": 15.3193387, "mean_value": 4.2963447, "stdev_value": 2.4301741, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1179131, "max_value": 36.734027, "mean_value": 3.680584, "stdev_value": 1.9972151, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1052632, "max_value": 28.8843355, "mean_value": 3.3785227, "stdev_value": 1.7028477, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1766665, "max_value": 36.734027, "mean_value": 3.5048235, "stdev_value": 1.8529995, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.7080648, "max_value": 4.9855649, "mean_value": 3.4403874, "stdev_value": 0.6007298, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.2830729, "max_value": 13.6930825, "mean_value": 3.3960105, "stdev_value": 1.3698381, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1169665, "max_value": 36.7657801, "mean_value": 3.388176, "stdev_value": 1.8522789, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1066098, "max_value": 29.1224822, "mean_value": 3.0686816, "stdev_value": 1.5477744, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1767617, "max_value": 36.7657801, "mean_value": 3.2230389, "stdev_value": 1.7212773, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.6252236, "max_value": 3.8407397, "mean_value": 3.1243032, "stdev_value": 0.323394, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.2851942, "max_value": 13.9163968, "mean_value": 3.0873031, "stdev_value": 1.2312581, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.9794867, "max_value": 14.6336833, "mean_value": 6.0873354, "stdev_value": 2.4042569, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.1288761, "max_value": 9.5668263, "mean_value": 4.8873471, "stdev_value": 1.9469161, "last_update": 1632499452, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 3.8528302, "max_value": 10.2859277, "mean_value": 6.2790968, "stdev_value": 1.0264956, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_eligible_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.8811381, "max_value": 20.3812088, "mean_value": 6.087005, "stdev_value": 2.63267, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0166008, "max_value": 14.1221281, "mean_value": 0.48836, "stdev_value": 0.5644643, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0268528, "max_value": 15.4342835, "mean_value": 0.4296572, "stdev_value": 0.5289111, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0179064, "max_value": 8.3301187, "mean_value": 0.4473213, "stdev_value": 0.5027188, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.0814332, "max_value": 0.3922631, "mean_value": 0.2814056, "stdev_value": 0.035964, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0127584, "max_value": 5.6164889, "mean_value": 0.3165568, "stdev_value": 0.2941396, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.016884, "max_value": 14.288714, "mean_value": 0.447745, "stdev_value": 0.5125596, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0224618, "max_value": 15.6334649, "mean_value": 0.3850871, "stdev_value": 0.479867, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0181005, "max_value": 8.3301187, "mean_value": 0.4122168, "stdev_value": 0.4589429, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.0830565, "max_value": 0.3097386, "mean_value": 0.2348977, "stdev_value": 0.0300744, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0081486, "max_value": 5.7494798, "mean_value": 0.2736717, "stdev_value": 0.2636157, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 10.1171665, "mean_value": 2.7659787, "stdev_value": 1.7109574, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.4195391, "max_value": 9.5537927, "mean_value": 3.8309058, "stdev_value": 2.9792101, "last_update": 1632499452, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 1.6485532, "max_value": 5.7059461, "mean_value": 3.0869858, "stdev_value": 0.833593, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_language_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3205128, "max_value": 13.2329343, "mean_value": 3.0611519, "stdev_value": 2.1534714, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1180216, "max_value": 30.4617835, "mean_value": 7.7823644, "stdev_value": 4.2953279, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1265823, "max_value": 27.0014216, "mean_value": 6.7779549, "stdev_value": 3.7588294, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1992383, "max_value": 27.803462, "mean_value": 6.8719989, "stdev_value": 3.7469057, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 5.4068966, "max_value": 11.0512806, "mean_value": 7.5118035, "stdev_value": 1.1412012, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0926338, "max_value": 23.4366526, "mean_value": 6.5761302, "stdev_value": 3.2298488, "last_update": 1645624452, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1194311, "max_value": 28.9687713, "mean_value": 7.2995005, "stdev_value": 4.0981119, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.1282051, "max_value": 27.4952787, "mean_value": 6.2647274, "stdev_value": 3.5634585, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.2016488, "max_value": 28.0281367, "mean_value": 6.4122329, "stdev_value": 3.5884694, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 5.333192, "max_value": 10.8809501, "mean_value": 7.0258806, "stdev_value": 0.8894436, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0935, "max_value": 21.6095508, "mean_value": 6.1558694, "stdev_value": 3.1155155, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 2.5492191, "max_value": 21.5293493, "mean_value": 11.1662291, "stdev_value": 3.4893272, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 5.2613486, "max_value": 19.9971561, "mean_value": 10.824622, "stdev_value": 4.581742, "last_update": 1632499453, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 7.8697296, "max_value": 15.3448766, "mean_value": 11.2229496, "stdev_value": 1.6463375, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_no_appointments_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 3.1106437, "max_value": 28.8098237, "mean_value": 11.9527517, "stdev_value": 4.38488, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 58.1900273, "max_value": 99.1115499, "mean_value": 84.1196329, "stdev_value": 5.2995871, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 62.0709269, "max_value": 98.3000667, "mean_value": 85.2533436, "stdev_value": 4.651193, "last_update": 1645538062, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 58.2960207, "max_value": 98.9508306, "mean_value": 85.0447531, "stdev_value": 4.8248596, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 80.6380315, "max_value": 87.2818256, "mean_value": 84.2852898, "stdev_value": 1.7237881, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 59.9273287, "max_value": 95.5805596, "mean_value": 85.2030635, "stdev_value": 4.0804081, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 58.2599651, "max_value": 99.105911, "mean_value": 85.0895248, "stdev_value": 5.207385, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 61.7580657, "max_value": 99.0300959, "mean_value": 86.3131332, "stdev_value": 4.5536799, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 57.9579139, "max_value": 98.9335049, "mean_value": 86.0281824, "stdev_value": 4.747257, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 81.2969291, "max_value": 87.7833111, "mean_value": 85.2995759, "stdev_value": 1.543291, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 60.1125833, "max_value": 95.6654001, "mean_value": 86.1269607, "stdev_value": 4.0745326, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 31.4636821, "max_value": 72.3230179, "mean_value": 52.9248939, "stdev_value": 7.7946501, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 44.2596509, "max_value": 63.9060506, "mean_value": 56.2247273, "stdev_value": 4.8382391, "last_update": 1632499454, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 37.2301432, "max_value": 58.5303261, "mean_value": 50.3685058, "stdev_value": 5.0069772, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_none_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 25.9870695, "max_value": 71.1050487, "mean_value": 49.9754208, "stdev_value": 8.3323105, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 506, "min_value": 0.113486, "max_value": 12.4156906, "mean_value": 1.6614467, "stdev_value": 1.1101406, "last_update": 1645624335, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.0948767, "max_value": 9.69687, "mean_value": 1.6032582, "stdev_value": 0.9613608, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 284, "min_value": 0.1220974, "max_value": 10.2453058, "mean_value": 1.6104175, "stdev_value": 1.0271235, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 0.9538453, "max_value": 1.5546633, "mean_value": 1.3896133, "stdev_value": 0.1318108, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1141552, "max_value": 6.636503, "mean_value": 1.499199, "stdev_value": 0.6212161, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "county", "min_time": 20211219, "max_time": 20220218, "num_locations": 501, "min_value": 0.0840192, "max_value": 12.5278755, "mean_value": 1.4556733, "stdev_value": 1.0295742, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "hrr", "min_time": 20211219, "max_time": 20220217, "num_locations": 304, "min_value": 0.095057, "max_value": 9.8759666, "mean_value": 1.3707941, "stdev_value": 0.8678686, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "msa", "min_time": 20211219, "max_time": 20220218, "num_locations": 282, "min_value": 0.1161852, "max_value": 10.2453058, "mean_value": 1.403661, "stdev_value": 0.9381774, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220219, "num_locations": 1, "min_value": 0.8288386, "max_value": 1.3232145, "mean_value": 1.1703247, "stdev_value": 0.1181226, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_has", "time_type": "day", "geo_type": "state", "min_time": 20211219, "max_time": 20220218, "num_locations": 51, "min_value": 0.1152073, "max_value": 6.5025476, "mean_value": 1.2743002, "stdev_value": 0.5620165, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 5, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_tried", "time_type": "day", "geo_type": "county", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 6.0292096, "max_value": 24.952229, "mean_value": 16.8560853, "stdev_value": 3.4604898, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_tried", "time_type": "day", "geo_type": "nation", "min_time": 20211219, "max_time": 20220625, "num_locations": 1, "min_value": 13.0313014, "max_value": 19.6817691, "mean_value": 16.4781955, "stdev_value": 1.4645559, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 14}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_other_tried", "time_type": "day", "geo_type": "state", "min_time": 20211224, "max_time": 20220625, "num_locations": 8, "min_value": 6.3213086, "max_value": 37.4280114, "mean_value": 17.0079621, "stdev_value": 4.3536796, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 11}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.1072486, "max_value": 22.9148491, "mean_value": 3.558064, "stdev_value": 2.0614736, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.1298701, "max_value": 21.5769561, "mean_value": 3.1599653, "stdev_value": 1.7375423, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.1037807, "max_value": 22.3264893, "mean_value": 3.2815771, "stdev_value": 1.8614416, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.5214206, "max_value": 4.8847907, "mean_value": 3.311893, "stdev_value": 0.4208553, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1237103, "max_value": 15.6519025, "mean_value": 3.1490344, "stdev_value": 1.6738743, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1081603, "max_value": 22.9148491, "mean_value": 3.3604363, "stdev_value": 1.9725813, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.106383, "max_value": 20.9804361, "mean_value": 2.9407677, "stdev_value": 1.6306451, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.1046381, "max_value": 21.2039509, "mean_value": 3.0774387, "stdev_value": 1.7616195, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.4851035, "max_value": 4.9908085, "mean_value": 3.097251, "stdev_value": 0.2913041, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1246875, "max_value": 15.337213, "mean_value": 2.9524628, "stdev_value": 1.6004697, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 13.4059592, "mean_value": 5.4132356, "stdev_value": 2.2019667, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 1.0059388, "max_value": 11.8416055, "mean_value": 5.4821223, "stdev_value": 3.2060638, "last_update": 1632499455, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 3.5481038, "max_value": 8.9441607, "mean_value": 5.7013651, "stdev_value": 0.9995655, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technical_difficulties_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.4901956, "max_value": 21.3070717, "mean_value": 5.7461428, "stdev_value": 2.911902, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0477879, "max_value": 17.6377607, "mean_value": 1.2491824, "stdev_value": 0.9470716, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.045045, "max_value": 17.4447836, "mean_value": 1.2012575, "stdev_value": 0.8452909, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0388536, "max_value": 17.6377607, "mean_value": 1.2093308, "stdev_value": 0.9282151, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 0.8213842, "max_value": 1.339715, "mean_value": 1.0584523, "stdev_value": 0.1093179, "last_update": 1645710828, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0619246, "max_value": 5.9556706, "mean_value": 1.0314515, "stdev_value": 0.5015311, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0486715, "max_value": 17.9540982, "mean_value": 1.1636887, "stdev_value": 0.8903164, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0454133, "max_value": 17.4447836, "mean_value": 1.1002035, "stdev_value": 0.7759272, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0392501, "max_value": 17.9540982, "mean_value": 1.1198409, "stdev_value": 0.850173, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 0.7592613, "max_value": 1.1080717, "mean_value": 0.9602353, "stdev_value": 0.0679064, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.0626226, "max_value": 10.0144526, "mean_value": 0.9455537, "stdev_value": 0.4926336, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3731343, "max_value": 12.0238043, "mean_value": 4.3953847, "stdev_value": 2.1536625, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 0.851232, "max_value": 6.9367688, "mean_value": 3.8248681, "stdev_value": 1.7610818, "last_update": 1632499456, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 2.6975824, "max_value": 8.4094796, "mean_value": 4.6305438, "stdev_value": 0.9826877, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_technology_access_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 0.3731343, "max_value": 15.1334117, "mean_value": 4.5631346, "stdev_value": 2.5431096, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0991676, "max_value": 30.9675879, "mean_value": 2.9507475, "stdev_value": 1.8485465, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.093985, "max_value": 24.6437818, "mean_value": 2.8716061, "stdev_value": 1.6502292, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0951704, "max_value": 30.9675879, "mean_value": 2.9501882, "stdev_value": 1.7989767, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 2.3556323, "max_value": 3.4382276, "mean_value": 2.7633975, "stdev_value": 0.3022799, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1269036, "max_value": 13.0704249, "mean_value": 2.8292041, "stdev_value": 1.0178349, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.1003619, "max_value": 30.994349, "mean_value": 2.8128375, "stdev_value": 1.8262933, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0886525, "max_value": 24.8468992, "mean_value": 2.7079925, "stdev_value": 1.6065441, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0960848, "max_value": 30.994349, "mean_value": 2.7883448, "stdev_value": 1.7730117, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 2.0900023, "max_value": 3.2391182, "mean_value": 2.6142512, "stdev_value": 0.3387849, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.2538071, "max_value": 12.7798049, "mean_value": 2.7033401, "stdev_value": 1.018265, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.171875, "max_value": 30.4075997, "mean_value": 12.5559906, "stdev_value": 4.7076793, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 8.9874442, "max_value": 19.7299559, "mean_value": 15.1522386, "stdev_value": 2.90482, "last_update": 1632499456, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 8.4312744, "max_value": 19.1578448, "mean_value": 13.9313453, "stdev_value": 2.0509032, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_time_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.4355655, "max_value": 34.4390108, "mean_value": 14.5271465, "stdev_value": 5.7752494, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.0749627, "max_value": 20.8719471, "mean_value": 2.2206738, "stdev_value": 1.4638687, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0844595, "max_value": 19.0381549, "mean_value": 2.055175, "stdev_value": 1.2105601, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0655099, "max_value": 17.0136472, "mean_value": 2.0856491, "stdev_value": 1.3434165, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.7542765, "max_value": 4.2060654, "mean_value": 2.0436472, "stdev_value": 0.2057013, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.1022495, "max_value": 9.7410147, "mean_value": 2.0283035, "stdev_value": 0.8868105, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0765698, "max_value": 20.9755137, "mean_value": 2.0595642, "stdev_value": 1.4114455, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0853242, "max_value": 19.1590205, "mean_value": 1.8796239, "stdev_value": 1.1589818, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0661186, "max_value": 17.1632098, "mean_value": 1.9196039, "stdev_value": 1.2850808, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.6181271, "max_value": 4.1535164, "mean_value": 1.8737667, "stdev_value": 0.214524, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1030928, "max_value": 9.5147979, "mean_value": 1.8653682, "stdev_value": 0.8785239, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.25, "max_value": 20.481298, "mean_value": 9.1639887, "stdev_value": 3.0490234, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 3.0254272, "max_value": 8.3622507, "mean_value": 5.8326193, "stdev_value": 1.6075166, "last_update": 1632499457, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 7.5212347, "max_value": 15.0523503, "mean_value": 10.538515, "stdev_value": 1.468872, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_travel_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.2578384, "max_value": 28.2001407, "mean_value": 9.6946856, "stdev_value": 3.7688977, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "county", "min_time": 20210604, "max_time": 20220218, "num_locations": 552, "min_value": 0.089973, "max_value": 22.8226599, "mean_value": 1.8518724, "stdev_value": 1.2586464, "last_update": 1645624336, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "hrr", "min_time": 20210604, "max_time": 20220217, "num_locations": 305, "min_value": 0.0974659, "max_value": 23.25949, "mean_value": 1.8066409, "stdev_value": 1.1422891, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "msa", "min_time": 20210604, "max_time": 20220218, "num_locations": 313, "min_value": 0.0976035, "max_value": 19.4765318, "mean_value": 1.8237791, "stdev_value": 1.1861249, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "nation", "min_time": 20210604, "max_time": 20220219, "num_locations": 1, "min_value": 1.3807111, "max_value": 1.9524981, "mean_value": 1.65603, "stdev_value": 0.1137103, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type", "time_type": "day", "geo_type": "state", "min_time": 20210604, "max_time": 20220218, "num_locations": 51, "min_value": 0.0981016, "max_value": 10.144897, "mean_value": 1.7111244, "stdev_value": 0.666204, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "county", "min_time": 20210730, "max_time": 20220218, "num_locations": 543, "min_value": 0.0846733, "max_value": 23.028273, "mean_value": 1.7019096, "stdev_value": 1.1985041, "last_update": 1645624337, "max_issue": 20220223, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "hrr", "min_time": 20210730, "max_time": 20220217, "num_locations": 305, "min_value": 0.0658762, "max_value": 18.1052542, "mean_value": 1.630067, "stdev_value": 1.0558063, "last_update": 1645538063, "max_issue": 20220222, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "msa", "min_time": 20210730, "max_time": 20220218, "num_locations": 309, "min_value": 0.0751463, "max_value": 16.7335832, "mean_value": 1.6675098, "stdev_value": 1.1163487, "last_update": 1645624425, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220219, "num_locations": 1, "min_value": 1.2701539, "max_value": 1.82993, "mean_value": 1.4934292, "stdev_value": 0.128217, "last_update": 1645710829, "max_issue": 20220224, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_has", "time_type": "day", "geo_type": "state", "min_time": 20210730, "max_time": 20220218, "num_locations": 51, "min_value": 0.1259586, "max_value": 10.530222, "mean_value": 1.5518898, "stdev_value": 0.622784, "last_update": 1645624453, "max_issue": 20220223, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "county", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.6055948, "max_value": 21.1382744, "mean_value": 9.7127907, "stdev_value": 3.2510452, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "msa", "min_time": 20210808, "max_time": 20210919, "num_locations": 1, "min_value": 2.4199891, "max_value": 16.9927528, "mean_value": 10.3384439, "stdev_value": 3.9172498, "last_update": 1632499458, "max_issue": 20210924, "min_lag": 4, "max_lag": 5}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "nation", "min_time": 20210730, "max_time": 20220625, "num_locations": 1, "min_value": 5.9632761, "max_value": 12.7576168, "mean_value": 10.0129611, "stdev_value": 1.5420296, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_barrier_type_tried", "time_type": "day", "geo_type": "state", "min_time": 20210803, "max_time": 20220625, "num_locations": 12, "min_value": 1.7923026, "max_value": 27.7089968, "mean_value": 10.1308403, "stdev_value": 3.8558502, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20210808, "num_locations": 499, "min_value": 7.259706, "max_value": 77.1595724, "mean_value": 48.7477301, "stdev_value": 12.2246617, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20210806, "num_locations": 300, "min_value": 6.9815096, "max_value": 73.8261871, "mean_value": 44.1329531, "stdev_value": 12.1363912, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20210807, "num_locations": 279, "min_value": 11.7272878, "max_value": 73.2846346, "mean_value": 46.9713879, "stdev_value": 11.0955423, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 3, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20210808, "num_locations": 1, "min_value": 16.4374349, "max_value": 56.2706848, "mean_value": 33.4230306, "stdev_value": 13.5851071, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 5, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_doctors", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20210808, "num_locations": 51, "min_value": 7.0363341, "max_value": 73.9381449, "mean_value": 38.7759956, "stdev_value": 13.5895154, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 4, "max_lag": 36}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 750, "min_value": 3.5068034, "max_value": 63.4115063, "mean_value": 31.4894873, "stdev_value": 6.8034879, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 2.879003, "max_value": 54.4114958, "mean_value": 29.4915749, "stdev_value": 7.2016915, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 361, "min_value": 4.6345847, "max_value": 63.4115063, "mean_value": 30.7559854, "stdev_value": 6.4693782, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 7.9797726, "max_value": 36.1559722, "mean_value": 23.8103279, "stdev_value": 8.8420382, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_friends", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 2.8529035, "max_value": 45.6453223, "mean_value": 26.6919836, "stdev_value": 7.9727138, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 742, "min_value": 0.4619191, "max_value": 58.708974, "mean_value": 27.8905743, "stdev_value": 8.6701886, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2808989, "max_value": 56.9774781, "mean_value": 24.3991816, "stdev_value": 9.2519611, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 357, "min_value": 0.4778977, "max_value": 55.7657274, "mean_value": 26.359507, "stdev_value": 8.1751537, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 5.2371949, "max_value": 32.6937488, "mean_value": 18.2387443, "stdev_value": 10.4349212, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_govt_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.4791461, "max_value": 52.5748388, "mean_value": 21.3528736, "stdev_value": 10.2720167, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210316, "num_locations": 744, "min_value": 22.2324417, "max_value": 75.7810762, "mean_value": 47.8242695, "stdev_value": 7.825357, "last_update": 1616327488, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210316, "num_locations": 306, "min_value": 22.7657784, "max_value": 73.8261871, "mean_value": 46.4835359, "stdev_value": 7.2165629, "last_update": 1616327505, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210316, "num_locations": 359, "min_value": 19.4811503, "max_value": 74.2892216, "mean_value": 46.7604427, "stdev_value": 7.3708938, "last_update": 1616327520, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210316, "num_locations": 1, "min_value": 42.9358801, "max_value": 54.410947, "mean_value": 47.2188903, "stdev_value": 3.6937254, "last_update": 1616327524, "max_issue": 20210321, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_local_health", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210316, "num_locations": 51, "min_value": 27.1765913, "max_value": 70.855797, "mean_value": 46.8312565, "stdev_value": 5.867508, "last_update": 1616327530, "max_issue": 20210321, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 737, "min_value": 0.1752614, "max_value": 28.2857884, "mean_value": 8.9449866, "stdev_value": 3.7064829, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.2272727, "max_value": 30.3533353, "mean_value": 7.9655254, "stdev_value": 3.6735202, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 355, "min_value": 0.3346528, "max_value": 28.2857884, "mean_value": 8.4909303, "stdev_value": 3.4597848, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 1.3664651, "max_value": 12.6292333, "mean_value": 6.1871506, "stdev_value": 3.1501693, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_politicians", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.1752614, "max_value": 19.5292362, "mean_value": 6.8180187, "stdev_value": 3.327128, "last_update": 1628859441, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "county", "min_time": 20201220, "max_time": 20210808, "num_locations": 740, "min_value": 0.446429, "max_value": 64.1367354, "mean_value": 33.1742871, "stdev_value": 9.4013078, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 1, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "hrr", "min_time": 20201220, "max_time": 20210806, "num_locations": 306, "min_value": 0.5846541, "max_value": 58.6165461, "mean_value": 29.2521162, "stdev_value": 10.0645951, "last_update": 1628686626, "max_issue": 20210811, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "msa", "min_time": 20201220, "max_time": 20210807, "num_locations": 358, "min_value": 3.0838604, "max_value": 64.1367354, "mean_value": 31.5261538, "stdev_value": 8.9701671, "last_update": 1628772927, "max_issue": 20210812, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "nation", "min_time": 20201220, "max_time": 20210808, "num_locations": 1, "min_value": 6.6090807, "max_value": 37.8505547, "mean_value": 22.2353713, "stdev_value": 11.8125939, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wvaccine_likely_who", "time_type": "day", "geo_type": "state", "min_time": 20201220, "max_time": 20210808, "num_locations": 51, "min_value": 0.446429, "max_value": 55.5190485, "mean_value": 25.8668459, "stdev_value": 11.3348938, "last_update": 1628859442, "max_issue": 20210813, "min_lag": 2, "max_lag": 44}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.292383, "max_value": 29.353383, "mean_value": 7.4068442, "stdev_value": 3.2172861, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.2066116, "max_value": 29.4027965, "mean_value": 6.8066621, "stdev_value": 3.0104577, "last_update": 1656687610, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.3121147, "max_value": 29.353383, "mean_value": 7.0214816, "stdev_value": 2.9380345, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 5.613506, "max_value": 9.5645405, "mean_value": 6.9718878, "stdev_value": 0.9618779, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_children_education", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.292383, "max_value": 16.2595185, "mean_value": 6.4099107, "stdev_value": 1.9891178, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 1.1167606, "max_value": 46.193412, "mean_value": 17.0093775, "stdev_value": 5.4830206, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 1.3156696, "max_value": 44.8880955, "mean_value": 15.9854304, "stdev_value": 5.2418061, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 1.5657304, "max_value": 44.1036485, "mean_value": 16.3164943, "stdev_value": 5.0559612, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 11.5313912, "max_value": 21.4571967, "mean_value": 16.3484578, "stdev_value": 2.3465849, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_treatment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.5616594, "max_value": 35.9025179, "mean_value": 15.1397714, "stdev_value": 3.9667136, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 7.710231, "max_value": 60.6066359, "mean_value": 28.8753534, "stdev_value": 6.8013948, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 5.9163304, "max_value": 60.0311803, "mean_value": 26.984193, "stdev_value": 6.511051, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 8.9517221, "max_value": 55.3597721, "mean_value": 27.854011, "stdev_value": 6.1438722, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 22.7048749, "max_value": 34.8015595, "mean_value": 27.4057197, "stdev_value": 3.7141623, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_covid_variants", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 6.6991966, "max_value": 58.6471109, "mean_value": 26.3085977, "stdev_value": 5.4736628, "last_update": 1656687633, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 1.2708084, "max_value": 43.4376744, "mean_value": 13.9642245, "stdev_value": 4.7943139, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.9601587, "max_value": 40.0580879, "mean_value": 13.1043427, "stdev_value": 4.4517553, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 2.0095913, "max_value": 41.7064632, "mean_value": 13.3294776, "stdev_value": 4.1553257, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 12.448366, "max_value": 15.4840719, "mean_value": 13.6531257, "stdev_value": 0.6712723, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_employment", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.3872098, "max_value": 27.6016744, "mean_value": 12.6311235, "stdev_value": 2.9337623, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 2.3491042, "max_value": 46.3749193, "mean_value": 18.5940015, "stdev_value": 5.1881484, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 2.1985778, "max_value": 46.9791113, "mean_value": 17.2598518, "stdev_value": 4.807292, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 1.9431669, "max_value": 47.4614322, "mean_value": 17.8429746, "stdev_value": 4.4491411, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 15.9678165, "max_value": 19.9677129, "mean_value": 17.803888, "stdev_value": 0.9993642, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_mental_health", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 2.9363483, "max_value": 46.3749193, "mean_value": 16.8558162, "stdev_value": 3.3298125, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 16.5501582, "max_value": 82.2405138, "mean_value": 54.2453005, "stdev_value": 8.4337292, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 16.4047071, "max_value": 85.5599573, "mean_value": 56.7461528, "stdev_value": 8.2363471, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 22.7590951, "max_value": 82.4896053, "mean_value": 55.8203858, "stdev_value": 7.22966, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 50.215821, "max_value": 59.1416216, "mean_value": 55.6319834, "stdev_value": 2.5283015, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_none", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 27.563182, "max_value": 83.2953347, "mean_value": 57.9695431, "stdev_value": 6.3063546, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.454955, "max_value": 34.7167506, "mean_value": 9.3233291, "stdev_value": 3.6982645, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.3289474, "max_value": 32.7373288, "mean_value": 8.4533624, "stdev_value": 3.3466102, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.4231536, "max_value": 39.3171652, "mean_value": 8.759038, "stdev_value": 3.1968178, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.1218982, "max_value": 10.2674231, "mean_value": 8.6145216, "stdev_value": 1.0178285, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_relationships", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.5517402, "max_value": 26.2315663, "mean_value": 7.9942383, "stdev_value": 2.4207866, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.1219361, "max_value": 21.4938234, "mean_value": 3.1003567, "stdev_value": 1.9796343, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.1075269, "max_value": 16.9004841, "mean_value": 2.8537367, "stdev_value": 1.8017906, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.1331817, "max_value": 30.3987418, "mean_value": 2.9296704, "stdev_value": 1.851172, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 2.2664813, "max_value": 3.4611316, "mean_value": 2.8570513, "stdev_value": 0.2461644, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_access", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.1219361, "max_value": 10.5290937, "mean_value": 2.5865831, "stdev_value": 1.1148775, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 355, "min_value": 0.3451439, "max_value": 34.292441, "mean_value": 9.2703739, "stdev_value": 3.4846302, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 289, "min_value": 0.3448276, "max_value": 33.9369294, "mean_value": 8.7436942, "stdev_value": 3.259631, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 215, "min_value": 0.4226636, "max_value": 37.6360851, "mean_value": 8.9183023, "stdev_value": 3.1873154, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 7.6142741, "max_value": 10.9393633, "mean_value": 8.9021634, "stdev_value": 0.6874703, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwant_info_vaccine_types", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 0.3459039, "max_value": 22.67155, "mean_value": 8.2462851, "stdev_value": 2.1658732, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 739, "min_value": 0.1587571, "max_value": 41.5185667, "mean_value": 7.5925977, "stdev_value": 4.1336842, "last_update": 1628859326, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 0.1355014, "max_value": 27.9964178, "mean_value": 7.1987494, "stdev_value": 3.7610783, "last_update": 1628859378, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 358, "min_value": 0.1587571, "max_value": 36.3557968, "mean_value": 7.3513823, "stdev_value": 3.8123354, "last_update": 1628859418, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 1.4779078, "max_value": 12.1428717, "mean_value": 6.611073, "stdev_value": 3.3730495, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wwanted_test_14d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 0.1976331, "max_value": 23.1824888, "mean_value": 6.6375353, "stdev_value": 3.537193, "last_update": 1628859442, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210221, "num_locations": 742, "min_value": 46.5246845, "max_value": 99.7326725, "mean_value": 88.7819744, "stdev_value": 6.9900593, "last_update": 1616006572, "max_issue": 20210317, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210220, "num_locations": 306, "min_value": 44.9625133, "max_value": 99.6774194, "mean_value": 86.7584134, "stdev_value": 7.3901029, "last_update": 1616006535, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210221, "num_locations": 359, "min_value": 43.5831097, "max_value": 99.6775583, "mean_value": 87.5598281, "stdev_value": 7.0845001, "last_update": 1616006597, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210222, "num_locations": 1, "min_value": 84.3485583, "max_value": 93.2178515, "mean_value": 88.8670227, "stdev_value": 3.1131215, "last_update": 1616006650, "max_issue": 20210317, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210221, "num_locations": 51, "min_value": 50.762044, "max_value": 99.5948522, "mean_value": 87.2809617, "stdev_value": 6.9568473, "last_update": 1616006604, "max_issue": 20210317, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "county", "min_time": 20210209, "max_time": 20220625, "num_locations": 662, "min_value": 5.98686, "max_value": 99.7573185, "mean_value": 61.80579, "stdev_value": 23.0183261, "last_update": 1656687596, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "hrr", "min_time": 20210209, "max_time": 20220625, "num_locations": 306, "min_value": 4.5437691, "max_value": 99.795082, "mean_value": 56.6835861, "stdev_value": 23.0747418, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "msa", "min_time": 20210209, "max_time": 20220625, "num_locations": 344, "min_value": 4.0666985, "max_value": 99.7573185, "mean_value": 59.6318864, "stdev_value": 22.7905839, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "nation", "min_time": 20210209, "max_time": 20220625, "num_locations": 1, "min_value": 29.0033818, "max_value": 92.0933281, "mean_value": 59.5204752, "stdev_value": 18.7918683, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwearing_mask_7d", "time_type": "day", "geo_type": "state", "min_time": 20210209, "max_time": 20220625, "num_locations": 51, "min_value": 5.8599585, "max_value": 99.5762712, "mean_value": 55.8022928, "stdev_value": 22.959884, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210315, "num_locations": 831, "min_value": 9.4509317, "max_value": 64.2551351, "mean_value": 35.0285712, "stdev_value": 6.8365381, "last_update": 1616241095, "max_issue": 20210320, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210311, "num_locations": 306, "min_value": 14.3288, "max_value": 61.1471406, "mean_value": 35.6776456, "stdev_value": 6.2129467, "last_update": 1616007485, "max_issue": 20210317, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210314, "num_locations": 370, "min_value": 10.006004, "max_value": 65.7893559, "mean_value": 35.8972798, "stdev_value": 6.6585783, "last_update": 1616154708, "max_issue": 20210319, "min_lag": 1, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210318, "num_locations": 1, "min_value": 24.3270003, "max_value": 39.1900137, "mean_value": 34.6474592, "stdev_value": 3.6229461, "last_update": 1616500426, "max_issue": 20210323, "min_lag": 2, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_1d", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210315, "num_locations": 51, "min_value": 9.7034648, "max_value": 57.2831637, "mean_value": 35.8318816, "stdev_value": 5.9256329, "last_update": 1616241134, "max_issue": 20210320, "min_lag": 2, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "county", "min_time": 20210302, "max_time": 20220625, "num_locations": 670, "min_value": 9.7798451, "max_value": 69.9875077, "mean_value": 39.1239113, "stdev_value": 6.6479648, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "hrr", "min_time": 20210302, "max_time": 20220625, "num_locations": 306, "min_value": 13.1381872, "max_value": 69.6931906, "mean_value": 39.8079887, "stdev_value": 6.23601, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "msa", "min_time": 20210302, "max_time": 20220625, "num_locations": 349, "min_value": 9.7798451, "max_value": 71.1995787, "mean_value": 39.7791789, "stdev_value": 6.5067048, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "nation", "min_time": 20210302, "max_time": 20220625, "num_locations": 1, "min_value": 27.6726804, "max_value": 43.7207665, "mean_value": 39.2049883, "stdev_value": 2.9440257, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wwork_outside_home_indoors_1d", "time_type": "day", "geo_type": "state", "min_time": 20210302, "max_time": 20220625, "num_locations": 51, "min_value": 13.7594749, "max_value": 60.8604643, "mean_value": 40.5472778, "stdev_value": 5.2836308, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20210808, "num_locations": 739, "min_value": 19.5361406, "max_value": 93.9006459, "mean_value": 59.5562444, "stdev_value": 9.5501101, "last_update": 1628859328, "max_issue": 20210813, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20210808, "num_locations": 306, "min_value": 22.3139171, "max_value": 86.8522829, "mean_value": 57.9492483, "stdev_value": 9.2887984, "last_update": 1628859380, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20210808, "num_locations": 358, "min_value": 19.5361406, "max_value": 93.9006459, "mean_value": 58.6357432, "stdev_value": 9.3591756, "last_update": 1628859419, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20210808, "num_locations": 1, "min_value": 35.7184994, "max_value": 70.8400827, "mean_value": 55.67588, "stdev_value": 10.2247137, "last_update": 1628859424, "max_issue": 20210813, "min_lag": 5, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wworried_become_ill", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20210808, "num_locations": 51, "min_value": 19.6673155, "max_value": 78.9788449, "mean_value": 56.1876233, "stdev_value": 10.1268506, "last_update": 1628859442, "max_issue": 20210813, "min_lag": 5, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "county", "min_time": 20210520, "max_time": 20220625, "num_locations": 376, "min_value": 12.4829172, "max_value": 84.2052504, "mean_value": 46.7587756, "stdev_value": 10.8126579, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "hrr", "min_time": 20210520, "max_time": 20220625, "num_locations": 293, "min_value": 11.5162804, "max_value": 84.1507655, "mean_value": 43.7524424, "stdev_value": 10.5488557, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "msa", "min_time": 20210520, "max_time": 20220625, "num_locations": 220, "min_value": 13.7197585, "max_value": 84.2052504, "mean_value": 45.0489584, "stdev_value": 10.1411255, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "nation", "min_time": 20210520, "max_time": 20220625, "num_locations": 1, "min_value": 33.1016879, "max_value": 57.3264887, "mean_value": 44.5170577, "stdev_value": 6.459023, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_catch_covid", "time_type": "day", "geo_type": "state", "min_time": 20210520, "max_time": 20220625, "num_locations": 51, "min_value": 10.8843351, "max_value": 78.59617, "mean_value": 41.8433606, "stdev_value": 9.4276472, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 110}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "county", "min_time": 20200908, "max_time": 20220625, "num_locations": 750, "min_value": 11.1143697, "max_value": 83.6218012, "mean_value": 41.1647182, "stdev_value": 8.0881449, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 0, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "hrr", "min_time": 20200908, "max_time": 20220625, "num_locations": 306, "min_value": 12.2427033, "max_value": 76.4272193, "mean_value": 41.1335091, "stdev_value": 7.4902084, "last_update": 1656687611, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "msa", "min_time": 20200908, "max_time": 20220625, "num_locations": 360, "min_value": 13.1044873, "max_value": 83.6218012, "mean_value": 41.2964627, "stdev_value": 7.7953364, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "nation", "min_time": 20200908, "max_time": 20220625, "num_locations": 1, "min_value": 36.1576239, "max_value": 50.5120064, "mean_value": 41.1379765, "stdev_value": 3.9146201, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 4, "max_lag": 98}, {"data_source": "fb-survey", "signal": "smoothed_wworried_finances", "time_type": "day", "geo_type": "state", "min_time": 20200908, "max_time": 20220625, "num_locations": 51, "min_value": 18.9410484, "max_value": 58.378139, "mean_value": 39.9359039, "stdev_value": 5.5342188, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 92}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "county", "min_time": 20210113, "max_time": 20220625, "num_locations": 722, "min_value": 15.0713634, "max_value": 86.347618, "mean_value": 53.2623794, "stdev_value": 14.7692205, "last_update": 1656687597, "max_issue": 20220701, "min_lag": 1, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "hrr", "min_time": 20210113, "max_time": 20220625, "num_locations": 306, "min_value": 21.06384, "max_value": 89.8120578, "mean_value": 59.8813023, "stdev_value": 13.4791837, "last_update": 1656687612, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "msa", "min_time": 20210113, "max_time": 20220625, "num_locations": 359, "min_value": 19.229984, "max_value": 87.642629, "mean_value": 55.2390122, "stdev_value": 14.4232621, "last_update": 1656687622, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "nation", "min_time": 20210113, "max_time": 20220625, "num_locations": 1, "min_value": 38.6339196, "max_value": 72.2343997, "mean_value": 65.5906145, "stdev_value": 9.0739766, "last_update": 1656687626, "max_issue": 20220701, "min_lag": 2, "max_lag": 63}, {"data_source": "fb-survey", "signal": "smoothed_wworried_vaccine_side_effects", "time_type": "day", "geo_type": "state", "min_time": 20210113, "max_time": 20220625, "num_locations": 51, "min_value": 23.0894615, "max_value": 85.903338, "mean_value": 64.6252616, "stdev_value": 10.8323669, "last_update": 1656687634, "max_issue": 20220701, "min_lag": 4, "max_lag": 63}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "dma", "min_time": 20200201, "max_time": 20210304, "num_locations": 210, "min_value": 0.0, "max_value": 1565.76200417525, "mean_value": 20.9482376, "stdev_value": 65.2674025, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210304, "num_locations": 306, "min_value": 0.0, "max_value": 1410.08842302, "mean_value": 21.9186474, "stdev_value": 49.0164187, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210304, "num_locations": 381, "min_value": 0.0, "max_value": 1565.76200417525, "mean_value": 22.1626516, "stdev_value": 55.1958568, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210304, "num_locations": 51, "min_value": 0.0, "max_value": 530.20464784, "mean_value": 20.8002893, "stdev_value": 34.0252416, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "dma", "min_time": 20200201, "max_time": 20210304, "num_locations": 210, "min_value": 0.0, "max_value": 1527.49490835, "mean_value": 21.6425026, "stdev_value": 49.2963765, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210304, "num_locations": 306, "min_value": 0.0, "max_value": 1410.08842302, "mean_value": 22.2032196, "stdev_value": 38.1130556, "last_update": 1615211483, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210304, "num_locations": 381, "min_value": 0.0, "max_value": 1527.49490835, "mean_value": 22.6439253, "stdev_value": 41.9518625, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "ght", "signal": "smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210304, "num_locations": 51, "min_value": 0.0, "max_value": 530.20464784, "mean_value": 21.0425576, "stdev_value": 27.779224, "last_update": 1615211484, "max_issue": 20210308, "min_lag": 2, "max_lag": 95}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "county", "min_time": 20200411, "max_time": 20200514, "num_locations": 649, "min_value": 0.409836065573771, "max_value": 35.423894886623, "mean_value": 7.5642062, "stdev_value": 2.3033009, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 1, "max_lag": 27}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200411, "max_time": 20200514, "num_locations": 282, "min_value": 0.78125, "max_value": 23.8735267431388, "mean_value": 7.5031418, "stdev_value": 2.1662551, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200411, "max_time": 20200514, "num_locations": 324, "min_value": 0.0, "max_value": 20.2898257604082, "mean_value": 7.41813, "stdev_value": 2.0245724, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "state", "min_time": 20200411, "max_time": 20200514, "num_locations": 51, "min_value": 2.17391304347826, "max_value": 18.787540792796, "mean_value": 7.2286506, "stdev_value": 1.740113, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "county", "min_time": 20200411, "max_time": 20200514, "num_locations": 649, "min_value": 0.880545893794213, "max_value": 28.749996064143, "mean_value": 7.5262832, "stdev_value": 2.1496115, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 1, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "hrr", "min_time": 20200411, "max_time": 20200514, "num_locations": 282, "min_value": 3.7019332071209, "max_value": 22.726557194704, "mean_value": 7.5733011, "stdev_value": 2.0361627, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "msa", "min_time": 20200411, "max_time": 20200514, "num_locations": 324, "min_value": 3.01822323462415, "max_value": 19.1367838167457, "mean_value": 7.4565365, "stdev_value": 1.7716232, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200411, "max_time": 20200514, "num_locations": 51, "min_value": 3.64100926221654, "max_value": 18.1033479398524, "mean_value": 7.1670572, "stdev_value": 1.7637356, "last_update": 1589554280, "max_issue": 20200516, "min_lag": 2, "max_lag": 27}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200213, "max_time": 20220120, "num_locations": 92, "min_value": 0.02, "max_value": 2.8, "mean_value": 0.1628996, "stdev_value": 0.1148612, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20220120, "num_locations": 10, "min_value": 0.0131270807702595, "max_value": 1.2480681700533858, "mean_value": 0.140034, "stdev_value": 0.0911828, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200213, "max_time": 20220120, "num_locations": 106, "min_value": 7.070846583878629e-07, "max_value": 2.1978302516782264, "mean_value": 0.0903941, "stdev_value": 0.0964045, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200213, "max_time": 20220120, "num_locations": 54, "min_value": 0.003390280129528332, "max_value": 1.4696504092228102, "mean_value": 0.1162842, "stdev_value": 0.0898667, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20220120, "num_locations": 1, "min_value": 0.0298998387351133, "max_value": 0.5080993582433261, "mean_value": 0.1514058, "stdev_value": 0.0756495, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "ageusia_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200213, "max_time": 20220120, "num_locations": 43, "min_value": 0.02, "max_value": 1.6, "mean_value": 0.1737928, "stdev_value": 0.1028339, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20220120, "num_locations": 92, "min_value": 0.032857142857142856, "max_value": 2.0014285714285713, "mean_value": 0.1793956, "stdev_value": 0.1175762, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20220120, "num_locations": 10, "min_value": 0.0179084404925376, "max_value": 0.9134917551559588, "mean_value": 0.1412503, "stdev_value": 0.0881181, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20220120, "num_locations": 106, "min_value": 6.575606920968502e-06, "max_value": 1.9360977520295874, "mean_value": 0.0996178, "stdev_value": 0.097535, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20220120, "num_locations": 54, "min_value": 0.012888080770378096, "max_value": 1.1303163980678963, "mean_value": 0.1252972, "stdev_value": 0.0908501, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20220120, "num_locations": 1, "min_value": 0.0338719602832891, "max_value": 0.3869580463385803, "mean_value": 0.151751, "stdev_value": 0.0732171, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "ageusia_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20220120, "num_locations": 43, "min_value": 0.03428571428571429, "max_value": 1.18, "mean_value": 0.1775286, "stdev_value": 0.1007419, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200213, "max_time": 20220120, "num_locations": 109, "min_value": 0.03, "max_value": 6.57, "mean_value": 0.2204089, "stdev_value": 0.1742904, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20220120, "num_locations": 10, "min_value": 0.0173693227372303, "max_value": 2.7200165442391304, "mean_value": 0.1945913, "stdev_value": 0.1329324, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200213, "max_time": 20220120, "num_locations": 115, "min_value": 5.656677267102902e-07, "max_value": 4.9685954785081545, "mean_value": 0.1306022, "stdev_value": 0.139857, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200213, "max_time": 20220120, "num_locations": 64, "min_value": 0.008836151767567543, "max_value": 3.132953842235674, "mean_value": 0.1635651, "stdev_value": 0.1279177, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20220120, "num_locations": 1, "min_value": 0.0438656821358702, "max_value": 1.29733135353733, "mean_value": 0.2050263, "stdev_value": 0.1108735, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "anosmia_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200213, "max_time": 20220120, "num_locations": 44, "min_value": 0.03, "max_value": 3.47, "mean_value": 0.2254759, "stdev_value": 0.1390483, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20220120, "num_locations": 109, "min_value": 0.041428571428571426, "max_value": 3.762857142857143, "mean_value": 0.2360233, "stdev_value": 0.1638776, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20220120, "num_locations": 10, "min_value": 0.0273448966120518, "max_value": 1.787173096021979, "mean_value": 0.1953557, "stdev_value": 0.1200617, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20220120, "num_locations": 115, "min_value": 5.873357638146623e-06, "max_value": 3.3597563656479172, "mean_value": 0.1382351, "stdev_value": 0.1334759, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20220120, "num_locations": 64, "min_value": 0.017221895862723442, "max_value": 2.1852318317670267, "mean_value": 0.1714624, "stdev_value": 0.1203665, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20220120, "num_locations": 1, "min_value": 0.0488230407808455, "max_value": 0.7001163446093951, "mean_value": 0.2054266, "stdev_value": 0.0978696, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "anosmia_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20220120, "num_locations": 44, "min_value": 0.044285714285714275, "max_value": 2.307142857142857, "mean_value": 0.2293551, "stdev_value": 0.1254468, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 2082, "min_value": 0.1933333, "max_value": 15.23, "mean_value": 1.9547771, "stdev_value": 0.9566909, "last_update": 1726665358, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.9049285, "max_value": 10.2016334, "mean_value": 2.3514939, "stdev_value": 0.9225442, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.0619654, "max_value": 11.9665981, "mean_value": 2.0335561, "stdev_value": 0.9256528, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.1575647, "max_value": 12.1074102, "mean_value": 2.1734829, "stdev_value": 0.9375803, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 1.1933182, "max_value": 9.6328876, "mean_value": 2.4043939, "stdev_value": 0.8838638, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.545, "max_value": 11.955, "mean_value": 2.376812, "stdev_value": 0.9653348, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 2082, "min_value": 0.0, "max_value": 9.8964286, "mean_value": 1.7737697, "stdev_value": 0.9826126, "last_update": 1726665359, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.9390399, "max_value": 8.5374392, "mean_value": 2.3495967, "stdev_value": 0.9094822, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 9.8010037, "mean_value": 1.9990276, "stdev_value": 0.9325877, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 9.805927, "mean_value": 2.1364932, "stdev_value": 0.9418827, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 1.2254823, "max_value": 8.0950094, "mean_value": 2.4026367, "stdev_value": 0.8718694, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s02_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.5928571, "max_value": 9.7983333, "mean_value": 2.3747621, "stdev_value": 0.9500574, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1556, "min_value": 0.114, "max_value": 9.344, "mean_value": 0.8582264, "stdev_value": 0.3492743, "last_update": 1726665360, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.4449867, "max_value": 5.0817512, "mean_value": 0.954529, "stdev_value": 0.318763, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.0020661, "max_value": 6.7535321, "mean_value": 0.7570594, "stdev_value": 0.3455459, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.0770901, "max_value": 6.5204411, "mean_value": 0.8047722, "stdev_value": 0.3270598, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.568635, "max_value": 4.557349, "mean_value": 0.973277, "stdev_value": 0.2980841, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.258, "max_value": 6.32, "mean_value": 0.9461047, "stdev_value": 0.3373844, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1556, "min_value": 0.0, "max_value": 5.3408571, "mean_value": 0.7385934, "stdev_value": 0.3520358, "last_update": 1726665360, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.4821263, "max_value": 3.9093147, "mean_value": 0.9543683, "stdev_value": 0.3083189, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 4.9255751, "mean_value": 0.744592, "stdev_value": 0.3424053, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 4.7907217, "mean_value": 0.7906511, "stdev_value": 0.3199758, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.6007511, "max_value": 3.6128182, "mean_value": 0.9731692, "stdev_value": 0.2886104, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s03_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.2945714, "max_value": 4.5048571, "mean_value": 0.9459117, "stdev_value": 0.3245562, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1031, "min_value": 0.0525, "max_value": 3.93, "mean_value": 0.4799709, "stdev_value": 0.2059497, "last_update": 1726665360, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.2337199, "max_value": 1.7477591, "mean_value": 0.6519103, "stdev_value": 0.1722524, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 305, "min_value": 4.29e-05, "max_value": 3.8307638, "mean_value": 0.4393403, "stdev_value": 0.211929, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 383, "min_value": 0.0289013, "max_value": 3.8388485, "mean_value": 0.4880196, "stdev_value": 0.1993328, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.3390704, "max_value": 1.6138886, "mean_value": 0.6639709, "stdev_value": 0.1562068, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.08125, "max_value": 1.98125, "mean_value": 0.6599375, "stdev_value": 0.1912943, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1031, "min_value": 0.0, "max_value": 1.9792857, "mean_value": 0.4237507, "stdev_value": 0.2225501, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.2995908, "max_value": 1.633269, "mean_value": 0.6516415, "stdev_value": 0.1632924, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 305, "min_value": 0.0, "max_value": 1.9341105, "mean_value": 0.4296623, "stdev_value": 0.2106078, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 383, "min_value": 0.0, "max_value": 1.9757143, "mean_value": 0.4719729, "stdev_value": 0.1964871, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.4083863, "max_value": 1.5291331, "mean_value": 0.6637183, "stdev_value": 0.146752, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s04_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.2046429, "max_value": 1.8407143, "mean_value": 0.659643, "stdev_value": 0.18008, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 114, "min_value": 0.0066667, "max_value": 3.32, "mean_value": 0.1057131, "stdev_value": 0.086452, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.0043757, "max_value": 1.429934, "mean_value": 0.1023631, "stdev_value": 0.0709968, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 118, "min_value": 3e-07, "max_value": 2.5509742, "mean_value": 0.0631179, "stdev_value": 0.0695515, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 65, "min_value": 0.0017701, "max_value": 1.653679, "mean_value": 0.0788138, "stdev_value": 0.0663766, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.0182909, "max_value": 0.6667448, "mean_value": 0.1084087, "stdev_value": 0.0649339, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 45, "min_value": 0.0066667, "max_value": 1.8233333, "mean_value": 0.1181485, "stdev_value": 0.0796961, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 114, "min_value": 0.0, "max_value": 2.0214286, "mean_value": 0.089936, "stdev_value": 0.0824629, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.0, "max_value": 1.0099765, "mean_value": 0.1020574, "stdev_value": 0.0689799, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 118, "min_value": 0.0, "max_value": 1.9636653, "mean_value": 0.0568142, "stdev_value": 0.0657946, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 65, "min_value": 0.0, "max_value": 1.2305151, "mean_value": 0.0685764, "stdev_value": 0.0636097, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.0222244, "max_value": 0.4012052, "mean_value": 0.1085942, "stdev_value": 0.0631289, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s05_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 45, "min_value": 0.0, "max_value": 1.2985714, "mean_value": 0.100145, "stdev_value": 0.0807613, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 3, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 869, "min_value": 0.0733333, "max_value": 3.8166667, "mean_value": 0.7111884, "stdev_value": 0.2507849, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 0.2848084, "max_value": 1.9331217, "mean_value": 0.7746723, "stdev_value": 0.2428544, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 304, "min_value": 1.87e-05, "max_value": 2.6907692, "mean_value": 0.5507479, "stdev_value": 0.2603105, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 379, "min_value": 0.0698392, "max_value": 3.6766667, "mean_value": 0.6454826, "stdev_value": 0.2448268, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 0.3758172, "max_value": 1.7562711, "mean_value": 0.7955365, "stdev_value": 0.2292869, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 0.1533333, "max_value": 2.2033333, "mean_value": 0.7685962, "stdev_value": 0.258732, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 869, "min_value": 0.0, "max_value": 2.942381, "mean_value": 0.6632925, "stdev_value": 0.253464, "last_update": 1726665361, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 0.2966727, "max_value": 1.804973, "mean_value": 0.7744432, "stdev_value": 0.2403065, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 304, "min_value": 0.0, "max_value": 2.4442007, "mean_value": 0.5376449, "stdev_value": 0.2624759, "last_update": 1726665363, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 379, "min_value": 0.0, "max_value": 2.942381, "mean_value": 0.6199528, "stdev_value": 0.2476626, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 0.3918353, "max_value": 1.5691818, "mean_value": 0.7953315, "stdev_value": 0.2270584, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "s06_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 0.1852381, "max_value": 2.0328571, "mean_value": 0.768343, "stdev_value": 0.2536566, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200214, "max_time": 20240914, "num_locations": 1438, "min_value": 0.25, "max_value": 14.124, "mean_value": 3.3185152, "stdev_value": 1.0036391, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20240914, "num_locations": 10, "min_value": 2.097142, "max_value": 10.5574026, "mean_value": 3.5622417, "stdev_value": 0.4891731, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200214, "max_time": 20240914, "num_locations": 306, "min_value": 0.0535164, "max_value": 12.348618, "mean_value": 3.1561965, "stdev_value": 0.8116379, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200214, "max_time": 20240914, "num_locations": 384, "min_value": 0.2728576, "max_value": 14.124, "mean_value": 3.5306336, "stdev_value": 0.7159352, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20240914, "num_locations": 1, "min_value": 2.6600321, "max_value": 9.6695483, "mean_value": 3.6668173, "stdev_value": 0.3588755, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200214, "max_time": 20240914, "num_locations": 51, "min_value": 1.386, "max_value": 12.48, "mean_value": 3.6056697, "stdev_value": 0.6026537, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 738}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20240914, "num_locations": 1438, "min_value": 0.0, "max_value": 7.4088571, "mean_value": 3.2495454, "stdev_value": 0.996381, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20240914, "num_locations": 10, "min_value": 2.1692694, "max_value": 6.0588907, "mean_value": 3.5620354, "stdev_value": 0.4462689, "last_update": 1726665362, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20240914, "num_locations": 306, "min_value": 0.0, "max_value": 6.844638, "mean_value": 3.1061098, "stdev_value": 0.8634947, "last_update": 1726665364, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20240914, "num_locations": 384, "min_value": 0.0, "max_value": 7.3748571, "mean_value": 3.4745313, "stdev_value": 0.7831316, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20240914, "num_locations": 1, "min_value": 2.7735218, "max_value": 5.4817889, "mean_value": 3.6666199, "stdev_value": 0.2987836, "last_update": 1726665365, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "scontrol_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20240914, "num_locations": 51, "min_value": 1.4714286, "max_value": 6.9245714, "mean_value": 3.6054787, "stdev_value": 0.5633973, "last_update": 1726665366, "max_issue": 20240918, "min_lag": 4, "max_lag": 732}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "county", "min_time": 20200213, "max_time": 20220120, "num_locations": 109, "min_value": 0.03, "max_value": 9.370000000000001, "mean_value": 0.3426697, "stdev_value": 0.2744206, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200214, "max_time": 20220120, "num_locations": 10, "min_value": 0.0173693227372303, "max_value": 3.968084714292517, "mean_value": 0.3342102, "stdev_value": 0.2173844, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200213, "max_time": 20220120, "num_locations": 115, "min_value": 7.070846583878629e-07, "max_value": 7.166425730186382, "mean_value": 0.2073388, "stdev_value": 0.2238387, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "msa", "min_time": 20200213, "max_time": 20220120, "num_locations": 64, "min_value": 0.010383161866232391, "max_value": 4.602604251458484, "mean_value": 0.2531459, "stdev_value": 0.2000587, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "nation", "min_time": 20200214, "max_time": 20220120, "num_locations": 1, "min_value": 0.0765355929387654, "max_value": 1.8054307117806556, "mean_value": 0.3564321, "stdev_value": 0.1798115, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 669}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_raw_search", "time_type": "day", "geo_type": "state", "min_time": 20200213, "max_time": 20220120, "num_locations": 44, "min_value": 0.03, "max_value": 5.07, "mean_value": 0.3827677, "stdev_value": 0.23348, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 336}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20220120, "num_locations": 109, "min_value": 0.04999999999999999, "max_value": 5.484285714285714, "mean_value": 0.3699355, "stdev_value": 0.2612152, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20220120, "num_locations": 10, "min_value": 0.0423773980448919, "max_value": 2.7006648511779376, "mean_value": 0.3352803, "stdev_value": 0.2044591, "last_update": 1643032980, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20220120, "num_locations": 115, "min_value": 8.107787174398055e-06, "max_value": 5.295854117677505, "mean_value": 0.2186379, "stdev_value": 0.2170476, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20220120, "num_locations": 64, "min_value": 0.01847196972373093, "max_value": 3.3155482298349233, "mean_value": 0.2682165, "stdev_value": 0.1921036, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20220120, "num_locations": 1, "min_value": 0.0830425325246353, "max_value": 1.0206403040899057, "mean_value": 0.3571776, "stdev_value": 0.1669782, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 4, "max_lag": 663}, {"data_source": "google-symptoms", "signal": "sum_anosmia_ageusia_smoothed_search", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20220120, "num_locations": 44, "min_value": 0.051428571428571435, "max_value": 3.487142857142857, "mean_value": 0.3951061, "stdev_value": 0.2187848, "last_update": 1643032981, "max_issue": 20220124, "min_lag": 3, "max_lag": 329}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 5435.0, "mean_value": 461.1311591, "stdev_value": 633.5614487, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 3, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 23473.0, "mean_value": 4540.0417986, "stdev_value": 4189.309632, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 2580.0, "mean_value": 96.1909912, "stdev_value": 179.0364888, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 5048.4285714, "mean_value": 462.7522463, "stdev_value": 629.8128073, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 4, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 21996.7142857, "mean_value": 4555.7389883, "stdev_value": 4155.626106, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -2.18873, "max_value": 2402.8571429, "mean_value": 96.0135017, "stdev_value": 177.278203, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 9.2921323, "mean_value": 1.3065361, "stdev_value": 1.3107456, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 3, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 7.0411442, "mean_value": 1.3624152, "stdev_value": 1.2563057, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 30.6201481, "mean_value": 1.4766189, "stdev_value": 1.5482264, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 8.4438675, "mean_value": 1.3107632, "stdev_value": 1.2970562, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 5, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 6.598306, "mean_value": 1.3669301, "stdev_value": 1.2463811, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -0.0587884, "max_value": 13.5606169, "mean_value": 1.4799905, "stdev_value": 1.5007705, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 1020.0, "mean_value": 36.3701512, "stdev_value": 81.5215794, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 4139.0, "mean_value": 358.050665, "stdev_value": 667.4539517, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 527.0, "mean_value": 8.079549, "stdev_value": 22.3643642, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 824.4285714, "mean_value": 36.4463386, "stdev_value": 80.8724694, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 3810.4285714, "mean_value": 358.8049224, "stdev_value": 664.1485754, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -235.7730334, "max_value": 466.7142857, "mean_value": 7.9743098, "stdev_value": 22.2495347, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 2.1320358, "mean_value": 0.1081863, "stdev_value": 0.2206152, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 1.2415667, "mean_value": 0.1074078, "stdev_value": 0.2002126, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 3.4666547, "mean_value": 0.1327134, "stdev_value": 0.2825847, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 1.887586, "mean_value": 0.1084012, "stdev_value": 0.2181674, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 1.1430059, "mean_value": 0.1076326, "stdev_value": 0.1992218, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "confirmed_admissions_influenza_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -7.5128606, "max_value": 3.1329084, "mean_value": 0.1299443, "stdev_value": 0.289478, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 6806.0, "mean_value": 839.2928728, "stdev_value": 929.1560226, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 4, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 30339.0, "mean_value": 8263.2216593, "stdev_value": 6137.0740488, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 3336.0, "mean_value": 176.9070707, "stdev_value": 270.2597076, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 6255.1428571, "mean_value": 842.0457741, "stdev_value": 921.1235546, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 5, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 28260.7142857, "mean_value": 8289.8381618, "stdev_value": 6066.4615525, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -1947060.9047407, "max_value": 3031.2857143, "mean_value": -295.5559628, "stdev_value": 21361.3282651, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20191231, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 11.2926069, "mean_value": 2.4350865, "stdev_value": 1.9583555, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 4, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop", "time_type": "day", "geo_type": "nation", "min_time": 20191231, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 9.1007231, "mean_value": 2.4797186, "stdev_value": 1.8400811, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop", "time_type": "day", "geo_type": "state", "min_time": 20191231, "max_time": 20240426, "num_locations": 54, "min_value": 0.0, "max_value": 112.4449151, "mean_value": 2.8111772, "stdev_value": 2.6390245, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1199}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20200106, "max_time": 20240426, "num_locations": 10, "min_value": 0.0, "max_value": 10.5333585, "mean_value": 2.442418, "stdev_value": 1.9278248, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 5, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20200106, "max_time": 20240426, "num_locations": 1, "min_value": 0.0, "max_value": 8.4773043, "mean_value": 2.487346, "stdev_value": 1.8193067, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 8, "max_lag": 1193}, {"data_source": "hhs", "signal": "sum_confirmed_suspected_admissions_covid_1d_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20200106, "max_time": 20240426, "num_locations": 54, "min_value": -28244.5801805, "max_value": 51.476778, "mean_value": -8.4047634, "stdev_value": 422.0103505, "last_update": 1714846352, "max_issue": 20240504, "min_lag": 2, "max_lag": 1193}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20200927, "num_locations": 1135, "min_value": 0.046381, "max_value": 89.490451, "mean_value": 4.9874457, "stdev_value": 5.9539161, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20200927, "num_locations": 292, "min_value": 0.033958, "max_value": 48.498128, "mean_value": 4.7894585, "stdev_value": 5.3017575, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20200927, "num_locations": 329, "min_value": 0.024278, "max_value": 54.758257, "mean_value": 4.8585652, "stdev_value": 5.4583597, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20200927, "num_locations": 51, "min_value": 0.013853, "max_value": 33.703258, "mean_value": 5.0163537, "stdev_value": 4.901157, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 1192, "min_value": 0.039949, "max_value": 92.939526, "mean_value": 3.0798601, "stdev_value": 4.6208808, "last_update": 1726643366, "max_issue": 20240917, "min_lag": 3, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.01194, "max_value": 30.999678, "mean_value": 2.8387546, "stdev_value": 3.3945769, "last_update": 1726632729, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 299, "min_value": 0.037466, "max_value": 48.587424, "mean_value": 3.0454015, "stdev_value": 4.2932728, "last_update": 1726632730, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 360, "min_value": 0.038978, "max_value": 92.356772, "mean_value": 3.0911726, "stdev_value": 4.610449, "last_update": 1726632732, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.020729, "max_value": 13.85573, "mean_value": 3.0822856, "stdev_value": 3.2034483, "last_update": 1726632734, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_adj_covid19_from_claims", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 51, "min_value": 0.013436, "max_value": 39.027202, "mean_value": 2.8504172, "stdev_value": 3.7952426, "last_update": 1726632735, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20200927, "num_locations": 1135, "min_value": 0.046381, "max_value": 89.228289, "mean_value": 4.9482944, "stdev_value": 5.9092093, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20200927, "num_locations": 292, "min_value": 0.033958, "max_value": 47.850381, "mean_value": 4.7536429, "stdev_value": 5.2624303, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20200927, "num_locations": 329, "min_value": 0.023832, "max_value": 55.304972, "mean_value": 4.8248071, "stdev_value": 5.4208578, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20200927, "num_locations": 51, "min_value": 0.013815, "max_value": 33.471472, "mean_value": 4.9818181, "stdev_value": 4.8663739, "last_update": 1601509042, "max_issue": 20200930, "min_lag": 3, "max_lag": 150}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20240913, "num_locations": 1192, "min_value": 0.039949, "max_value": 90.293503, "mean_value": 3.0539275, "stdev_value": 4.581292, "last_update": 1726643366, "max_issue": 20240917, "min_lag": 3, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20240913, "num_locations": 10, "min_value": 0.01194, "max_value": 30.015204, "mean_value": 2.8171327, "stdev_value": 3.369452, "last_update": 1726632730, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20240913, "num_locations": 299, "min_value": 0.037466, "max_value": 47.175147, "mean_value": 3.0180278, "stdev_value": 4.2542083, "last_update": 1726632731, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20240913, "num_locations": 360, "min_value": 0.038978, "max_value": 91.481414, "mean_value": 3.0636139, "stdev_value": 4.5692625, "last_update": 1726632733, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20240913, "num_locations": 1, "min_value": 0.020858, "max_value": 13.620789, "mean_value": 3.0595682, "stdev_value": 3.1811151, "last_update": 1726632735, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "hospital-admissions", "signal": "smoothed_covid19_from_claims", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20240913, "num_locations": 51, "min_value": 0.013436, "max_value": 38.53863, "mean_value": 2.8252253, "stdev_value": 3.7609625, "last_update": 1726632736, "max_issue": 20240917, "min_lag": 4, "max_lag": 1690}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3274, "min_value": 0.0, "max_value": 1223614.2857143, "mean_value": 4451.6919025, "stdev_value": 22017.5320001, "last_update": 1635515786, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 7188417.571428901, "mean_value": 1530969.9948894, "stdev_value": 1769830.2764193, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 2, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 1231096.211411, "mean_value": 47209.0843248, "stdev_value": 88790.3765754, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 2315347.8571429, "mean_value": 32561.8929064, "stdev_value": 108591.3589872, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 74929.2857143, "max_value": 33650273.85714449, "mean_value": 15309699.9488942, "stdev_value": 12745243.5040741, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 2, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 3760285.8571429, "mean_value": 280274.0995621, "stdev_value": 497641.7493034, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3221, "min_value": 0.0, "max_value": 82672.5905673, "mean_value": 4345.8768113, "stdev_value": 4592.1599417, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 11461.734832056605, "mean_value": 4479.4226489, "stdev_value": 3868.3229199, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 17582.261312, "mean_value": 4376.9970734, "stdev_value": 4207.6585217, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 17506.9444955, "mean_value": 4360.8940153, "stdev_value": 4233.6192614, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 22.5716054, "max_value": 10136.766904521428, "mean_value": 4611.8750896, "stdev_value": 3839.3613999, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 14571.1616265, "mean_value": 4331.0505605, "stdev_value": 4228.9766786, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -6957.4285714, "max_value": 16237.4285714, "mean_value": 22.1088929, "stdev_value": 115.4651391, "last_update": 1636987942, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -2385.7142882, "max_value": 60077.8571421, "mean_value": 7701.7995164, "stdev_value": 9366.1461658, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -878.66625472635, "max_value": 16309.6157378, "mean_value": 234.124931, "stdev_value": 468.0589424, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -1301.0, "max_value": 19537.4285714, "mean_value": 156.9855208, "stdev_value": 532.5178698, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 6685.2857072, "max_value": 251196.4285711, "mean_value": 77017.9951639, "stdev_value": 57826.4552552, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -3731.8571429, "max_value": 45072.7142857, "mean_value": 1388.8207591, "stdev_value": 2634.6073505, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -1904.1515998, "max_value": 14610.2795136, "mean_value": 23.1677207, "stdev_value": 40.1453694, "last_update": 1636987943, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -3.565656322020853, "max_value": 113.5732954, "mean_value": 22.5814568, "stdev_value": 20.0656748, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -132.5722959, "max_value": 683.6028314, "mean_value": 22.5266058, "stdev_value": 25.799739, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -793.0152259, "max_value": 1416.7418761, "mean_value": 22.5201767, "stdev_value": 27.8145349, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 2.0138672, "max_value": 75.6701017, "mean_value": 23.2008057, "stdev_value": 17.4195699, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -71.7332496, "max_value": 243.0667775, "mean_value": 22.1858507, "stdev_value": 24.1984599, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -1.0, "max_value": 1440262.0, "mean_value": 5984.3194498, "stdev_value": 27226.9606968, "last_update": 1636987944, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 2834.0, "max_value": 10754684.0, "mean_value": 2090196.4639594, "stdev_value": 2189823.6843901, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 1449997.4965287, "mean_value": 63347.0964754, "stdev_value": 109740.8308671, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 2707438.0, "mean_value": 43084.3244209, "stdev_value": 133675.1598697, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 213422.0, "max_value": 46163217.0, "mean_value": 20901964.6395939, "stdev_value": 14855182.7665433, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 4719201.0, "mean_value": 375917.7284567, "stdev_value": 620905.9963105, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": 0.0, "max_value": 113157.0023737, "mean_value": 5932.7759708, "stdev_value": 5489.5382716, "last_update": 1636987945, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 20.042121, "max_value": 16073.805310890504, "mean_value": 6114.013827, "stdev_value": 4507.0973691, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 23409.3912388, "mean_value": 5909.2742684, "stdev_value": 5007.9501693, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 23963.098094, "mean_value": 5838.3391798, "stdev_value": 5069.5083137, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 64.2909795, "max_value": 13906.150430704109, "mean_value": 6296.4819929, "stdev_value": 4474.9568954, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 20128.9936483, "mean_value": 5812.9343872, "stdev_value": 5005.4235412, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -148527.0, "max_value": 42904.0, "mean_value": 22.2074281, "stdev_value": 297.80297, "last_update": 1636987946, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -24483.0, "max_value": 190937.0, "mean_value": 7725.6541455, "stdev_value": 10662.7906019, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -17909.257254467, "max_value": 47945.581734850995, "mean_value": 235.1779886, "stdev_value": 639.5392126, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -18686.0, "max_value": 65726.0, "mean_value": 157.6013825, "stdev_value": 663.4550004, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": -13564.0, "max_value": 367596.0, "mean_value": 77256.5414552, "stdev_value": 63187.0620031, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -26123.0, "max_value": 184937.0, "mean_value": 1395.0080331, "stdev_value": 3162.0483412, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -101729.3997965, "max_value": 101792.3751393, "mean_value": 23.3303381, "stdev_value": 134.0622205, "last_update": 1636987947, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -38.6377762, "max_value": 446.98884, "mean_value": 22.6624843, "stdev_value": 24.2530097, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -4448.496536, "max_value": 4522.4817459, "mean_value": 22.6622844, "stdev_value": 44.7123514, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -5610.2577169, "max_value": 9817.2538102, "mean_value": 22.6600526, "stdev_value": 51.953771, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 314}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": -4.0860026, "max_value": 110.7341647, "mean_value": 23.2726651, "stdev_value": 19.0343925, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -1064.0310198, "max_value": 1208.2647001, "mean_value": 22.3484305, "stdev_value": 39.0445092, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 312}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3274, "min_value": -0.8571429, "max_value": 24591.7142857, "mean_value": 89.0526477, "stdev_value": 455.8095796, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 122223.8571425, "mean_value": 30680.4244471, "stdev_value": 30544.0285349, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 24684.7851819, "mean_value": 944.2730089, "stdev_value": 1831.152352, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 64098.5714286, "mean_value": 645.9568113, "stdev_value": 2820.0567566, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 1509.0, "max_value": 605490.7142845, "mean_value": 306804.244471, "stdev_value": 203390.6676691, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 63489.1428571, "mean_value": 5597.7123275, "stdev_value": 9450.7260523, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210722, "num_locations": 3221, "min_value": 0.0, "max_value": 865.8008658, "mean_value": 86.1857417, "stdev_value": 109.1087456, "last_update": 1635515790, "max_issue": 20211029, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 257.10243768508366, "mean_value": 90.3874467, "stdev_value": 69.311358, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 447.3055058, "mean_value": 85.7092678, "stdev_value": 83.5464891, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210722, "num_locations": 392, "min_value": 0.0, "max_value": 409.4583782, "mean_value": 77.2413093, "stdev_value": 79.5813029, "last_update": 1635515793, "max_issue": 20211029, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20210722, "num_locations": 1, "min_value": 0.4545693, "max_value": 182.39727437614965, "mean_value": 92.4213314, "stdev_value": 61.2691533, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210722, "num_locations": 52, "min_value": 0.0, "max_value": 298.2372591, "mean_value": 79.2846492, "stdev_value": 74.5228878, "last_update": 1635515787, "max_issue": 20211029, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -254.2857143, "max_value": 686.8571429, "mean_value": 0.3590364, "stdev_value": 2.8958922, "last_update": 1636987948, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -3.1428575, "max_value": 1210.9999961999997, "mean_value": 124.9525734, "stdev_value": 154.3357872, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -25.2855085, "max_value": 430.8454645, "mean_value": 3.6795073, "stdev_value": 9.3771559, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -153.7142857, "max_value": 1185.0, "mean_value": 2.3953846, "stdev_value": 13.3030792, "last_update": 1636987955, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 196.142843, "max_value": 3511.571428, "mean_value": 1249.5257335, "stdev_value": 783.8521562, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -53.0, "max_value": 955.85714285714, "mean_value": 22.544682, "stdev_value": 48.2912951, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -1345.5069678, "max_value": 1345.5069678, "mean_value": 0.4115553, "stdev_value": 1.8048072, "last_update": 1636987948, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -0.0218996, "max_value": 3.6923205, "mean_value": 0.3554414, "stdev_value": 0.3633378, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -10.403212, "max_value": 12.6861376, "mean_value": 0.360123, "stdev_value": 0.5118885, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -30.2564418, "max_value": 30.2564418, "mean_value": 0.3425532, "stdev_value": 0.5820389, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 0.0590858, "max_value": 1.0578214, "mean_value": 0.3764056, "stdev_value": 0.2361267, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -1.1045736, "max_value": 6.5277897, "mean_value": 0.3342936, "stdev_value": 0.4295404, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -6.0, "max_value": 26620.0, "mean_value": 112.3033097, "stdev_value": 545.2133812, "last_update": 1636987949, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 42.0, "max_value": 175955.0, "mean_value": 39221.4698816, "stdev_value": 36253.7431315, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 26734.5151766, "mean_value": 1182.3602567, "stdev_value": 2115.7369269, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 65872.0, "mean_value": 796.0354813, "stdev_value": 3147.3979619, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 5395.0, "max_value": 757905.0, "mean_value": 392214.6988156, "stdev_value": 226518.2828577, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 316}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 72025.0, "mean_value": 7053.902842, "stdev_value": 11290.4859944, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -2.1855057, "max_value": 9418.5487746, "mean_value": 114.3161118, "stdev_value": 127.0910736, "last_update": 1636987950, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": 0.2970251, "max_value": 270.0505137167101, "mean_value": 114.0193479, "stdev_value": 75.0077572, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": 0.0, "max_value": 468.3035098, "mean_value": 109.2108647, "stdev_value": 94.016468, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": 0.0, "max_value": 502.09532, "mean_value": 99.4237986, "stdev_value": 91.8949409, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 1.6251831, "max_value": 228.3103654189177, "mean_value": 118.1502711, "stdev_value": 68.2360875, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": 0.0, "max_value": 343.3682106, "mean_value": 100.0364694, "stdev_value": 83.6742364, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3274, "min_value": -2039.0, "max_value": 3112.0, "mean_value": 0.3603695, "stdev_value": 5.4952678, "last_update": 1636987951, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -1407.0, "max_value": 3112.0, "mean_value": 125.0966159, "stdev_value": 192.0161107, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 316}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -243.0117977, "max_value": 1233.7505426, "mean_value": 3.6924741, "stdev_value": 12.5288124, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -1076.0, "max_value": 2795.0, "mean_value": 2.4017705, "stdev_value": 15.9164269, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 60.0, "max_value": 5073.0, "mean_value": 1250.9661591, "stdev_value": 938.9711774, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 3, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -2039.0, "max_value": 3112.0, "mean_value": 22.6283167, "stdev_value": 66.4805602, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20211112, "num_locations": 3221, "min_value": -9418.5487746, "max_value": 9418.5487746, "mean_value": 0.4144913, "stdev_value": 9.8963304, "last_update": 1636987952, "max_issue": 20211115, "min_lag": 1, "max_lag": 334}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200401, "max_time": 20211112, "num_locations": 10, "min_value": -2.1028831783828275, "max_value": 5.9858728, "mean_value": 0.355723, "stdev_value": 0.4624611, "last_update": 1636987953, "max_issue": 20211115, "min_lag": 2, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20211112, "num_locations": 306, "min_value": -77.2274987, "max_value": 78.6293771, "mean_value": 0.3619639, "stdev_value": 0.8969666, "last_update": 1636987954, "max_issue": 20211115, "min_lag": 1, "max_lag": 317}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20211112, "num_locations": 392, "min_value": -211.7950926, "max_value": 211.7950926, "mean_value": 0.3444498, "stdev_value": 1.3139372, "last_update": 1636987956, "max_issue": 20211115, "min_lag": 1, "max_lag": 318}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200401, "max_time": 20211112, "num_locations": 1, "min_value": 0.0180743, "max_value": 1.5281842, "mean_value": 0.3768395, "stdev_value": 0.2828545, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 3, "max_lag": 330}, {"data_source": "indicator-combination", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20211112, "num_locations": 52, "min_value": -9.381911, "max_value": 43.1070973, "mean_value": 0.3363865, "stdev_value": 0.7775213, "last_update": 1636987957, "max_issue": 20211115, "min_lag": 1, "max_lag": 313}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbc_fbs_ght", "time_type": "day", "geo_type": "county", "min_time": 20200415, "max_time": 20210316, "num_locations": 2568, "min_value": 0.07729395545267395, "max_value": 7.249569898307247, "mean_value": 0.8020888, "stdev_value": 0.3469438, "last_update": 1616009162, "max_issue": 20210317, "min_lag": 1, "max_lag": 96}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbc_fbs_ght", "time_type": "day", "geo_type": "msa", "min_time": 20200415, "max_time": 20210316, "num_locations": 385, "min_value": 0.048225644401162046, "max_value": 11.443310258552295, "mean_value": 0.723743, "stdev_value": 0.3998013, "last_update": 1616009163, "max_issue": 20210317, "min_lag": 1, "max_lag": 96}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbc_fbs_ght", "time_type": "day", "geo_type": "state", "min_time": 20200415, "max_time": 20210315, "num_locations": 52, "min_value": 0.11249000717703608, "max_value": 5.9145150758884615, "mean_value": 0.792171, "stdev_value": 0.3823998, "last_update": 1616009162, "max_issue": 20210317, "min_lag": 1, "max_lag": 96}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbs_ght", "time_type": "day", "geo_type": "county", "min_time": 20200406, "max_time": 20200526, "num_locations": 2296, "min_value": 0.0, "max_value": 16.246099029316, "mean_value": 0.7203178, "stdev_value": 0.5380712, "last_update": 1590558701, "max_issue": 20200527, "min_lag": 1, "max_lag": 51}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbs_ght", "time_type": "day", "geo_type": "msa", "min_time": 20200406, "max_time": 20200526, "num_locations": 382, "min_value": 0.0, "max_value": 4.32452661550886, "mean_value": 0.7509085, "stdev_value": 0.4499194, "last_update": 1590558701, "max_issue": 20200527, "min_lag": 1, "max_lag": 51}, {"data_source": "indicator-combination", "signal": "nmf_day_doc_fbs_ght", "time_type": "day", "geo_type": "state", "min_time": 20200406, "max_time": 20200526, "num_locations": 52, "min_value": 0.0747817727440569, "max_value": 2.81993801241547, "mean_value": 0.8575687, "stdev_value": 0.3721018, "last_update": 1590558701, "max_issue": 20200527, "min_lag": 1, "max_lag": 51}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3282, "min_value": 0.0, "max_value": 1273531.1428571, "mean_value": 4582.0314916, "stdev_value": 22504.3819196, "last_update": 1627222261, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 7502075.1428571, "mean_value": 1501599.8941322, "stdev_value": 1784142.1776819, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 1281828.762904, "mean_value": 48458.6734733, "stdev_value": 90833.944416, "last_update": 1627222350, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 2335772.5714286, "mean_value": 32724.7979168, "stdev_value": 110129.4225725, "last_update": 1627222359, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 14.0, "max_value": 34218297.2857143, "mean_value": 15017599.4123938, "stdev_value": 12924731.7886493, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 3882270.5714286, "mean_value": 268142.8382428, "stdev_value": 493481.2409128, "last_update": 1627222371, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3274, "min_value": 0.0, "max_value": 44068.6845931, "mean_value": 4417.5741688, "stdev_value": 4581.8371522, "last_update": 1627222266, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 11481.4709598, "mean_value": 4390.0646849, "stdev_value": 3914.4412687, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 17932.6864002, "mean_value": 4490.5310432, "stdev_value": 4208.3379905, "last_update": 1627222350, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 17506.9444955, "mean_value": 4365.0146125, "stdev_value": 4268.0348645, "last_update": 1627222359, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 0.0042129, "max_value": 10296.9382077, "mean_value": 4519.0820538, "stdev_value": 3889.2982742, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 14578.8475403, "mean_value": 4209.7985746, "stdev_value": 4200.4128035, "last_update": 1627222371, "max_issue": 20210725, "min_lag": 1, "max_lag": 428}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3284, "min_value": -55155.8571429, "max_value": 55155.7142857, "mean_value": 28.3952515, "stdev_value": 199.7991459, "last_update": 1678445919, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -206.7142857, "max_value": 179745.8571429, "mean_value": 9307.0435089, "stdev_value": 15214.0682299, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -3856.368581, "max_value": 41764.0236591, "mean_value": 297.9313466, "stdev_value": 774.2768196, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -3857.1428571, "max_value": 88629.4285714, "mean_value": 202.9255727, "stdev_value": 933.9193079, "last_update": 1678446032, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.2857143, "max_value": 806782.1428571, "mean_value": 93043.1446525, "stdev_value": 114522.2791263, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -3588.1428571, "max_value": 123179.4285714, "mean_value": 1662.2722518, "stdev_value": 4172.8495144, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3276, "min_value": -1686.1219196, "max_value": 2841.3575375, "mean_value": 27.101371, "stdev_value": 43.7137121, "last_update": 1678445927, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -1.4591803, "max_value": 392.7720066, "mean_value": 27.3187456, "stdev_value": 36.2477389, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -122.4798617, "max_value": 690.4598967, "mean_value": 27.5967365, "stdev_value": 38.416351, "last_update": 1678446023, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -199.0058129, "max_value": 616.6887806, "mean_value": 27.5891708, "stdev_value": 39.6257666, "last_update": 1678446032, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 8.57e-05, "max_value": 241.870203, "mean_value": 27.8939792, "stdev_value": 34.3333416, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -59.7145264, "max_value": 658.5922059, "mean_value": 27.621264, "stdev_value": 40.4790137, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -3073.0, "max_value": 3710586.0, "mean_value": 14353.1869473, "stdev_value": 63767.5389842, "last_update": 1678445936, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 22820900.0, "mean_value": 4825882.233519, "stdev_value": 5140574.2058624, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 3730976.336434, "mean_value": 150971.0242582, "stdev_value": 258092.7498978, "last_update": 1678446023, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 7174275.0, "mean_value": 102240.7889401, "stdev_value": 317181.9992659, "last_update": 1678446033, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 16.0, "max_value": 103759705.0, "mean_value": 48280583.8779174, "stdev_value": 36106734.8695721, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 12129699.0, "mean_value": 841422.3893843, "stdev_value": 1438788.0526839, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": 0.0, "max_value": 222651.9337017, "mean_value": 13910.3505283, "stdev_value": 11790.9558726, "last_update": 1678445945, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 34229.2575611, "mean_value": 14157.6410136, "stdev_value": 10766.8762807, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 53215.8354471, "mean_value": 14039.5268056, "stdev_value": 11201.3530986, "last_update": 1678446024, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 49355.6779666, "mean_value": 13931.4030991, "stdev_value": 11380.4602644, "last_update": 1678446034, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0047967, "max_value": 31106.7630072, "mean_value": 14474.3345265, "stdev_value": 10824.6611202, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 43580.1820977, "mean_value": 13802.5773159, "stdev_value": 11492.6760266, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -379973.0, "max_value": 150251.0, "mean_value": 27.7235964, "stdev_value": 470.1277512, "last_update": 1678445955, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -7449.0, "max_value": 399993.0, "mean_value": 9315.8598886, "stdev_value": 18034.5429404, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -26994.5800669, "max_value": 130067.1647396, "mean_value": 290.628315, "stdev_value": 1123.0934006, "last_update": 1678446025, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -27000.0, "max_value": 189842.0, "mean_value": 198.0688441, "stdev_value": 1227.1508316, "last_update": 1678446035, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -3862.0, "max_value": 1354180.0, "mean_value": 93141.5529623, "stdev_value": 127207.5285887, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -27000.0, "max_value": 207110.0, "mean_value": 1625.2383288, "stdev_value": 5188.8291669, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": -11802.8534371, "max_value": 11123.5744999, "mean_value": 26.4636876, "stdev_value": 78.2824164, "last_update": 1678445965, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -52.5819213, "max_value": 800.8907647, "mean_value": 27.3441848, "stdev_value": 44.3496797, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -1181.5455977, "max_value": 3739.329053, "mean_value": 26.9242122, "stdev_value": 63.6451361, "last_update": 1678446026, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -1758.6873497, "max_value": 4131.1710137, "mean_value": 26.9369303, "stdev_value": 65.8709355, "last_update": 1678446036, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -1.1578128, "max_value": 405.9779886, "mean_value": 27.9234816, "stdev_value": 38.1363309, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -418.0016846, "max_value": 1830.0041427, "mean_value": 27.0079029, "stdev_value": 59.5064043, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3282, "min_value": 0.0, "max_value": 24605.7142857, "mean_value": 91.0756647, "stdev_value": 457.7033909, "last_update": 1627222307, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 122371.7142857, "mean_value": 29844.3231149, "stdev_value": 30809.2957863, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 24704.173594, "mean_value": 961.7329457, "stdev_value": 1838.2063543, "last_update": 1627222354, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 64432.8571429, "mean_value": 647.2079421, "stdev_value": 2819.3812933, "last_update": 1627222364, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 1.0, "max_value": 609746.4285714, "mean_value": 298466.2292295, "stdev_value": 208991.9277043, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 64175.4285714, "mean_value": 5329.3434134, "stdev_value": 9345.5475859, "last_update": 1627222372, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20210724, "num_locations": 3274, "min_value": 0.0, "max_value": 865.8008658, "mean_value": 86.9831932, "stdev_value": 109.2082606, "last_update": 1627222312, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20210724, "num_locations": 10, "min_value": 0.0, "max_value": 257.8601376, "mean_value": 87.6666226, "stdev_value": 70.4070081, "last_update": 1627222349, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20210724, "num_locations": 306, "min_value": 0.0, "max_value": 448.2516859, "mean_value": 87.5430088, "stdev_value": 83.7548751, "last_update": 1627222355, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20210724, "num_locations": 392, "min_value": 0.0, "max_value": 411.1138703, "mean_value": 77.5600648, "stdev_value": 80.1993607, "last_update": 1627222365, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20210724, "num_locations": 1, "min_value": 0.0003009, "max_value": 183.4843284, "mean_value": 89.8141802, "stdev_value": 62.8896566, "last_update": 1627222370, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20210724, "num_locations": 56, "min_value": 0.0, "max_value": 299.0060527, "mean_value": 76.573521, "stdev_value": 74.2259352, "last_update": 1627222372, "max_issue": 20210725, "min_lag": 1, "max_lag": 486}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3284, "min_value": -3607.5714286, "max_value": 418.1428571, "mean_value": 0.3075687, "stdev_value": 5.7273992, "last_update": 1678445975, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -77.7142857, "max_value": 1290.0, "mean_value": 100.7926756, "stdev_value": 133.5207972, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -56.6686916, "max_value": 710.7492667, "mean_value": 3.2353914, "stdev_value": 9.2226356, "last_update": 1678446027, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -153.7142857, "max_value": 982.8571429, "mean_value": 2.0747886, "stdev_value": 11.3428703, "last_update": 1678446037, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0, "max_value": 3376.4285714, "mean_value": 1007.5125673, "stdev_value": 767.0529034, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -100.5714286, "max_value": 1013.5714286, "mean_value": 18.0009672, "stdev_value": 38.6344064, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200220, "max_time": 20230309, "num_locations": 3276, "min_value": -41.3288637, "max_value": 93.779306, "mean_value": 0.365256, "stdev_value": 1.1151402, "last_update": 1678445983, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -0.4945528, "max_value": 4.0251346, "mean_value": 0.2878276, "stdev_value": 0.3181404, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200220, "max_time": 20230309, "num_locations": 306, "min_value": -8.3471689, "max_value": 30.6551546, "mean_value": 0.3196907, "stdev_value": 0.5725128, "last_update": 1678446028, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200220, "max_time": 20230309, "num_locations": 392, "min_value": -30.2564418, "max_value": 35.1984464, "mean_value": 0.3061659, "stdev_value": 0.6238996, "last_update": 1678446038, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0, "max_value": 1.0122404, "mean_value": 0.3020484, "stdev_value": 0.2299595, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200220, "max_time": 20230309, "num_locations": 56, "min_value": -2.8933225, "max_value": 6.1581568, "mean_value": 0.2802725, "stdev_value": 0.3726797, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -82.0, "max_value": 35545.0, "mean_value": 190.5197878, "stdev_value": 780.0843981, "last_update": 1678445991, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 259166.0, "mean_value": 64052.6121441, "stdev_value": 59661.1248867, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 35736.6565225, "mean_value": 1996.5240135, "stdev_value": 3094.770263, "last_update": 1678446028, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 86123.0, "mean_value": 1297.1952789, "stdev_value": 4213.0963038, "last_update": 1678446039, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 1.0, "max_value": 1123647.0, "mean_value": 640678.7935368, "stdev_value": 367150.4558116, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 101159.0, "mean_value": 11168.8936217, "stdev_value": 16972.8601255, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": 0.0, "max_value": 1386.962552, "mean_value": 214.3349027, "stdev_value": 195.0967167, "last_update": 1678445999, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": 0.0, "max_value": 383.8666291, "mean_value": 182.9312278, "stdev_value": 111.7193226, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": 0.0, "max_value": 670.510457, "mean_value": 193.1950839, "stdev_value": 144.654354, "last_update": 1678446029, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": 0.0, "max_value": 768.3949799, "mean_value": 181.0682597, "stdev_value": 149.2546543, "last_update": 1678446040, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": 0.0002998, "max_value": 336.8650762, "mean_value": 192.0730537, "stdev_value": 110.0703035, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": 0.0, "max_value": 451.4689698, "mean_value": 168.8182177, "stdev_value": 128.4863521, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3284, "min_value": -25525.0, "max_value": 2874.0, "mean_value": 0.3002776, "stdev_value": 14.6826257, "last_update": 1678446007, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -661.0, "max_value": 2452.0, "mean_value": 100.8800755, "stdev_value": 163.8194274, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -593.9064838, "max_value": 4975.2448667, "mean_value": 3.1563923, "stdev_value": 17.9064987, "last_update": 1678446030, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -1076.0, "max_value": 6165.0, "mean_value": 2.0254899, "stdev_value": 18.5879756, "last_update": 1678446041, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -253.0, "max_value": 4375.0, "mean_value": 1008.6050269, "stdev_value": 925.0308337, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -704.0, "max_value": 2441.0, "mean_value": 17.5963736, "stdev_value": 50.492574, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200122, "max_time": 20230309, "num_locations": 3276, "min_value": -289.3020459, "max_value": 656.4551422, "mean_value": 0.3566426, "stdev_value": 2.7174116, "last_update": 1678446015, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200220, "max_time": 20230309, "num_locations": 10, "min_value": -3.7986275, "max_value": 17.3084805, "mean_value": 0.2880929, "stdev_value": 0.4283799, "last_update": 1678446022, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200122, "max_time": 20230309, "num_locations": 306, "min_value": -58.4301826, "max_value": 214.5860825, "mean_value": 0.3119563, "stdev_value": 1.2531446, "last_update": 1678446031, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200122, "max_time": 20230309, "num_locations": 392, "min_value": -211.7950926, "max_value": 246.3891249, "mean_value": 0.298964, "stdev_value": 1.4898235, "last_update": 1678446042, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200220, "max_time": 20230309, "num_locations": 1, "min_value": -0.0758484, "max_value": 1.3116083, "mean_value": 0.3023759, "stdev_value": 0.2773207, "last_update": 1678446043, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "jhu-csse", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200122, "max_time": 20230309, "num_locations": 56, "min_value": -20.2532572, "max_value": 43.1070973, "mean_value": 0.2740545, "stdev_value": 0.666353, "last_update": 1678446044, "max_issue": 20230310, "min_lag": 1, "max_lag": 1107}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 22921.0, "max_value": 87415.0, "mean_value": 62495.4333333, "stdev_value": 7976.6429731, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 12529.0, "mean_value": 1213.9188477, "stdev_value": 1263.0855263, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 6.860457, "max_value": 26.1640786, "mean_value": 18.705433, "stdev_value": 2.3874794, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_allcause_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 64.7936347, "mean_value": 19.713206, "stdev_value": 4.1633135, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 1.0, "max_value": 13560.0, "mean_value": 2464.4291667, "stdev_value": 3071.9524429, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 3120.0, "mean_value": 73.7805502, "stdev_value": 165.1758367, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.0002993, "max_value": 4.0586273, "mean_value": 0.7376253, "stdev_value": 0.9194624, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_covid_and_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 15.0593874, "mean_value": 1.0170761, "stdev_value": 1.3787384, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 4.0, "max_value": 26028.0, "mean_value": 5019.85, "stdev_value": 5751.0259101, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 6900.0, "mean_value": 122.946958, "stdev_value": 273.980909, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.0011972, "max_value": 7.7904094, "mean_value": 1.5024853, "stdev_value": 1.7213327, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_covid_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 35.6833011, "mean_value": 1.8054536, "stdev_value": 2.4148304, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 3.0, "max_value": 1053.0, "mean_value": 127.1333333, "stdev_value": 216.3887487, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 341.0, "mean_value": 2.4248349, "stdev_value": 9.6272794, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.0008979, "max_value": 0.3151722, "mean_value": 0.0380521, "stdev_value": 0.0647671, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_flu_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 1.7634791, "mean_value": 0.0274754, "stdev_value": 0.0987666, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_percent_of_expected", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 45.0, "max_value": 148.0, "mean_value": 114.7916667, "stdev_value": 12.1002037, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_percent_of_expected", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 974.0, "mean_value": 116.5847869, "stdev_value": 26.4370522, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 1270.0, "max_value": 16923.0, "mean_value": 5526.7208333, "stdev_value": 3186.1372736, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 3516.0, "mean_value": 117.5019652, "stdev_value": 181.0936179, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.3801222, "max_value": 5.0652028, "mean_value": 1.6541962, "stdev_value": 0.9536389, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_notflu_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 18.0071383, "mean_value": 1.7670444, "stdev_value": 1.3013313, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_num", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 1617.0, "max_value": 29426.0, "mean_value": 8196.3166667, "stdev_value": 5836.2758902, "last_update": 1726171310, "max_issue": 202437, "min_lag": 1, "max_lag": 206}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_num", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 7487.0, "mean_value": 167.9816111, "stdev_value": 290.7477809, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_prop", "time_type": "week", "geo_type": "nation", "min_time": 202006, "max_time": 202436, "num_locations": 1, "min_value": 0.4839823, "max_value": 8.8074607, "mean_value": 2.4532297, "stdev_value": 1.7468487, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 208}, {"data_source": "nchs-mortality", "signal": "deaths_pneumonia_or_flu_or_covid_incidence_prop", "time_type": "week", "geo_type": "state", "min_time": 202005, "max_time": 202436, "num_locations": 52, "min_value": 0.0, "max_value": 38.7189674, "mean_value": 2.5927366, "stdev_value": 2.3309267, "last_update": 1726171311, "max_issue": 202437, "min_lag": 1, "max_lag": 151}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 3.3353142, "stdev_value": 3.615136, "last_update": 1726289587, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.3088379, "max_value": 14.5761847, "mean_value": 3.0427464, "stdev_value": 2.6029145, "last_update": 1726289661, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 979.8262271, "mean_value": 24.9975616, "stdev_value": 51.9579561, "last_update": 1726289726, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 30.88, "mean_value": 3.2215373, "stdev_value": 3.1822754, "last_update": 1726289792, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.7, "max_value": 10.04, "mean_value": 3.1133663, "stdev_value": 2.4269674, "last_update": 1726289858, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_combined", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 18.51, "mean_value": 3.1826952, "stdev_value": 2.8279179, "last_update": 1726289923, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 1.6443578, "stdev_value": 1.4933078, "last_update": 1726289596, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.1875639, "max_value": 4.8803052, "mean_value": 1.5780212, "stdev_value": 0.9310342, "last_update": 1726289669, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 311.5972081, "mean_value": 12.3242284, "stdev_value": 21.4442958, "last_update": 1726289734, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 25.0, "mean_value": 1.621688, "stdev_value": 1.2232281, "last_update": 1726289800, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.33, "max_value": 3.79, "mean_value": 1.5610891, "stdev_value": 0.8259443, "last_update": 1726289866, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_covid", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 6.14, "mean_value": 1.6150413, "stdev_value": 1.0301994, "last_update": 1726289931, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 1.3932569, "stdev_value": 2.6062023, "last_update": 1726289605, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0360529, "max_value": 9.8973181, "mean_value": 1.2029114, "stdev_value": 1.7674604, "last_update": 1726289677, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 718.2098009, "mean_value": 10.4421681, "stdev_value": 31.9354372, "last_update": 1726289742, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 28.57, "mean_value": 1.3101527, "stdev_value": 2.2637251, "last_update": 1726289808, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.14, "max_value": 6.67, "mean_value": 1.3176238, "stdev_value": 1.6497159, "last_update": 1726289874, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_influenza", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 14.02, "mean_value": 1.2876601, "stdev_value": 1.9937787, "last_update": 1726289939, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 50.0, "mean_value": 0.3460934, "stdev_value": 0.7805721, "last_update": 1726289615, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0, "max_value": 2.5932086, "mean_value": 0.3014663, "stdev_value": 0.4370868, "last_update": 1726289685, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 192.012669, "mean_value": 2.5938719, "stdev_value": 8.1395055, "last_update": 1726289751, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 12.5, "mean_value": 0.3339711, "stdev_value": 0.6138528, "last_update": 1726289816, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.01, "max_value": 1.21, "mean_value": 0.2759406, "stdev_value": 0.3452311, "last_update": 1726289882, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "pct_ed_visits_rsv", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 3.51, "mean_value": 0.3223337, "stdev_value": 0.5097009, "last_update": 1726289947, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 99.37, "mean_value": 3.4086414, "stdev_value": 3.693609, "last_update": 1726289624, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.3336541, "max_value": 14.1575439, "mean_value": 3.051273, "stdev_value": 2.5511368, "last_update": 1726289694, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 951.5272992, "mean_value": 25.3124573, "stdev_value": 51.495897, "last_update": 1726289759, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.01, "max_value": 75.83, "mean_value": 3.2620824, "stdev_value": 3.3195448, "last_update": 1726289825, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.7, "max_value": 9.38, "mean_value": 3.1186139, "stdev_value": 2.3827865, "last_update": 1726289890, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_combined", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.19, "max_value": 16.85, "mean_value": 3.1932555, "stdev_value": 2.7642656, "last_update": 1726289955, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 100.0, "mean_value": 1.6839222, "stdev_value": 1.8239213, "last_update": 1726289633, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.1970064, "max_value": 4.5111679, "mean_value": 1.5798899, "stdev_value": 0.9131435, "last_update": 1726289702, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 251.621874, "mean_value": 12.3888797, "stdev_value": 20.7906252, "last_update": 1726289767, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.01, "max_value": 8.31, "mean_value": 1.6287361, "stdev_value": 1.1555869, "last_update": 1726289833, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.34, "max_value": 3.47, "mean_value": 1.5593069, "stdev_value": 0.8065159, "last_update": 1726289898, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_covid", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.14, "max_value": 5.69, "mean_value": 1.6171101, "stdev_value": 1.005931, "last_update": 1726289963, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 99.6, "mean_value": 1.4333536, "stdev_value": 2.6074114, "last_update": 1726289643, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0363832, "max_value": 9.6866761, "mean_value": 1.2066794, "stdev_value": 1.7212328, "last_update": 1726289710, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 595.7486911, "mean_value": 10.0894594, "stdev_value": 29.5698819, "last_update": 1726289775, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 45.7243054, "mean_value": 1.3327615, "stdev_value": 2.3337817, "last_update": 1726289841, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.14, "max_value": 6.19, "mean_value": 1.3211881, "stdev_value": 1.6107039, "last_update": 1726289906, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_influenza", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.01, "max_value": 12.2, "mean_value": 1.2923921, "stdev_value": 1.9332023, "last_update": 1726289971, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "county", "min_time": 202239, "max_time": 202435, "num_locations": 2950, "min_value": 0.0, "max_value": 8.13, "mean_value": 0.3517074, "stdev_value": 0.6204577, "last_update": 1726289652, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "hhs", "min_time": 202239, "max_time": 202435, "num_locations": 10, "min_value": 0.0008854, "max_value": 2.4302394, "mean_value": 0.3046667, "stdev_value": 0.4299944, "last_update": 1726289718, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "hrr", "min_time": 202239, "max_time": 202435, "num_locations": 305, "min_value": 0.0, "max_value": 108.7804119, "mean_value": 2.2024723, "stdev_value": 6.3284457, "last_update": 1726289784, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "msa", "min_time": 202239, "max_time": 202435, "num_locations": 377, "min_value": 0.0, "max_value": 5.96, "mean_value": 0.3373588, "stdev_value": 0.5813501, "last_update": 1726289849, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "nation", "min_time": 202239, "max_time": 202435, "num_locations": 1, "min_value": 0.01, "max_value": 1.16, "mean_value": 0.280099, "stdev_value": 0.3407752, "last_update": 1726289915, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "nssp", "signal": "smoothed_pct_ed_visits_rsv", "time_type": "week", "geo_type": "state", "min_time": 202239, "max_time": 202435, "num_locations": 48, "min_value": 0.0, "max_value": 3.31, "mean_value": 0.3263499, "stdev_value": 0.4999662, "last_update": 1726289979, "max_issue": 202437, "min_lag": 2, "max_lag": 102}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 328, "min_value": 0.0, "max_value": 1712.0, "mean_value": 35.4599546, "stdev_value": 65.5341225, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 0.0, "max_value": 6967.0, "mean_value": 831.9868726, "stdev_value": 1061.7611531, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 155, "min_value": 0.0, "max_value": 2391.0, "mean_value": 71.4344727, "stdev_value": 120.4955467, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 145, "min_value": 0.0, "max_value": 2281.3040791721087, "mean_value": 74.5352422, "stdev_value": 135.6182876, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 1236.0, "max_value": 21545.0, "mean_value": 8319.8687259, "stdev_value": 3614.1063879, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_num", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 44, "min_value": 0.0, "max_value": 4222.0, "mean_value": 237.2687517, "stdev_value": 397.9090323, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 328, "min_value": 0.0, "max_value": 13112.745098, "mean_value": 82.3334549, "stdev_value": 208.9469853, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 0.0, "max_value": 270.6083716, "mean_value": 55.4404785, "stdev_value": 31.2752896, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 155, "min_value": 0.0, "max_value": 13112.745098, "mean_value": 100.5553307, "stdev_value": 270.0243869, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 145, "min_value": 0.0, "max_value": 13112.745098, "mean_value": 103.9871697, "stdev_value": 281.7532115, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 8.575187500706795, "max_value": 150.8930494, "mean_value": 59.3136132, "stdev_value": 25.6406558, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "bars_visit_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 44, "min_value": 0.0, "max_value": 3221.753721710696, "mean_value": 89.193714, "stdev_value": 173.9372732, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.007874015748031496, "max_value": 0.9310344827586207, "mean_value": 0.278665, "stdev_value": 0.0702235, "last_update": 1619981612, "max_issue": 20210502, "min_lag": 16, "max_lag": 539}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.1797469, "max_value": 0.5482684, "mean_value": 0.2909285, "stdev_value": 0.0491876, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.08001028094199845, "max_value": 0.6593583, "mean_value": 0.2930112, "stdev_value": 0.0585253, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.039657719888075905, "max_value": 0.7577088051783436, "mean_value": 0.2965347, "stdev_value": 0.0598019, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.2206703, "max_value": 0.38552012092106447, "mean_value": 0.2887108, "stdev_value": 0.0346086, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.0575658, "max_value": 0.9310344827586207, "mean_value": 0.3034599, "stdev_value": 0.0678677, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 4, "max_lag": 539}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.02173628565358505, "max_value": 0.8976667192456667, "mean_value": 0.2795002, "stdev_value": 0.060135, "last_update": 1619981615, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.1994976, "max_value": 0.4040249, "mean_value": 0.2932915, "stdev_value": 0.0421952, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.08927350825237748, "max_value": 0.5674837168911971, "mean_value": 0.293722, "stdev_value": 0.0513038, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.05075441398151424, "max_value": 0.6757879586022045, "mean_value": 0.2972941, "stdev_value": 0.052533, "last_update": 1619981636, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.2416674, "max_value": 0.3477498, "mean_value": 0.2910837, "stdev_value": 0.0283847, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "completely_home_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.1339286, "max_value": 0.8322408, "mean_value": 0.3011662, "stdev_value": 0.054508, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 735}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.004464285714285714, "max_value": 0.4137931, "mean_value": 0.0544141, "stdev_value": 0.0295373, "last_update": 1619981617, "max_issue": 20210502, "min_lag": 16, "max_lag": 539}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.0226403, "max_value": 0.1164575, "mean_value": 0.0552768, "stdev_value": 0.0186925, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.011434172338697951, "max_value": 0.1595878125506952, "mean_value": 0.0521926, "stdev_value": 0.0235929, "last_update": 1619981634, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.007871445450778973, "max_value": 0.2092593, "mean_value": 0.0509874, "stdev_value": 0.0231894, "last_update": 1619981636, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0278687, "max_value": 0.0768372, "mean_value": 0.0547243, "stdev_value": 0.0159177, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.013320918935537341, "max_value": 0.28, "mean_value": 0.055365, "stdev_value": 0.0257244, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 4, "max_lag": 539}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.006896551724137931, "max_value": 0.3333333333333333, "mean_value": 0.0542633, "stdev_value": 0.0178739, "last_update": 1619981621, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.0336392, "max_value": 0.0863855, "mean_value": 0.0545378, "stdev_value": 0.0096541, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.011748844106542549, "max_value": 0.11544231159965582, "mean_value": 0.0520489, "stdev_value": 0.0133283, "last_update": 1619981634, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.01127613188585125, "max_value": 0.1510516, "mean_value": 0.0508328, "stdev_value": 0.0134542, "last_update": 1619981636, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0380634517264083, "max_value": 0.0635446, "mean_value": 0.0539855, "stdev_value": 0.0060352, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "full_time_work_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.014143177710892891, "max_value": 0.2233333, "mean_value": 0.0533023, "stdev_value": 0.0147557, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.0, "max_value": 1439.0, "mean_value": 624.5131019, "stdev_value": 131.4666819, "last_update": 1619981623, "max_issue": 20210502, "min_lag": 16, "max_lag": 536}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 398.1290312, "max_value": 987.4156667, "mean_value": 692.5885915, "stdev_value": 72.3209312, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 60.61710037174721, "max_value": 1230.8227360308285, "mean_value": 659.6106675, "stdev_value": 96.0502621, "last_update": 1619981634, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.0, "max_value": 1291.027397260274, "mean_value": 652.1446074, "stdev_value": 96.356952, "last_update": 1619981637, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 498.1061097, "max_value": 955.4602784, "mean_value": 695.6873728, "stdev_value": 59.8301174, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.0, "max_value": 1439.0, "mean_value": 638.33047, "stdev_value": 111.1091946, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 4, "max_lag": 536}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.0, "max_value": 1259.8848653667594, "mean_value": 624.4795319, "stdev_value": 114.298693, "last_update": 1619981626, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 556.3816959, "max_value": 837.4941722, "mean_value": 692.659163, "stdev_value": 50.8156061, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 100.59797657082002, "max_value": 1161.8768055167272, "mean_value": 659.5732816, "stdev_value": 81.9092483, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 5.128585558852621, "max_value": 1181.1115459882583, "mean_value": 652.2258676, "stdev_value": 81.3926929, "last_update": 1619981637, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 610.6005169, "max_value": 750.6838576, "mean_value": 695.7465289, "stdev_value": 34.26082, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "median_home_dwell_time_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.0, "max_value": 1095.2676687283972, "mean_value": 642.2644286, "stdev_value": 88.5509973, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.006172839506172839, "max_value": 0.6, "mean_value": 0.0932559, "stdev_value": 0.035791, "last_update": 1619981628, "max_issue": 20210502, "min_lag": 16, "max_lag": 539}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.0412934, "max_value": 0.1455495, "mean_value": 0.0831563, "stdev_value": 0.0224993, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.023324723731039186, "max_value": 0.20595583932566194, "mean_value": 0.0881441, "stdev_value": 0.0291706, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.01723398228380942, "max_value": 0.2504762, "mean_value": 0.0875711, "stdev_value": 0.0291497, "last_update": 1619981637, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0507607, "max_value": 0.1064855, "mean_value": 0.0830949, "stdev_value": 0.0162921, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.021739130434782608, "max_value": 0.38888888888888884, "mean_value": 0.0882391, "stdev_value": 0.0289185, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 4, "max_lag": 539}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20210416, "num_locations": 3230, "min_value": 0.012987012987012988, "max_value": 0.3333333333333333, "mean_value": 0.093027, "stdev_value": 0.0233194, "last_update": 1619981631, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "hhs", "min_time": 20201201, "max_time": 20210416, "num_locations": 10, "min_value": 0.052794, "max_value": 0.1259997, "mean_value": 0.0822747, "stdev_value": 0.0157529, "last_update": 1619981633, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20210416, "num_locations": 306, "min_value": 0.029345368495015154, "max_value": 0.1669262755029665, "mean_value": 0.0879483, "stdev_value": 0.0194639, "last_update": 1619981635, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20210416, "num_locations": 392, "min_value": 0.023301771007538004, "max_value": 0.17497948636724578, "mean_value": 0.0873612, "stdev_value": 0.0194203, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "nation", "min_time": 20201201, "max_time": 20210416, "num_locations": 1, "min_value": 0.0646221, "max_value": 0.0934234, "mean_value": 0.0822052, "stdev_value": 0.0064839, "last_update": 1619981638, "max_issue": 20210502, "min_lag": 16, "max_lag": 61}, {"data_source": "safegraph", "signal": "part_time_work_prop_7dav", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20210416, "num_locations": 56, "min_value": 0.02990319988485851, "max_value": 0.2233333, "mean_value": 0.0870579, "stdev_value": 0.0189547, "last_update": 1619981639, "max_issue": 20210502, "min_lag": 16, "max_lag": 736}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 2558, "min_value": 0.0, "max_value": 33649.76197787811, "mean_value": 336.9821415, "stdev_value": 1011.0176971, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 1229.0, "max_value": 464246.0, "mean_value": 85506.3042471, "stdev_value": 91044.9764197, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 306, "min_value": 0.0, "max_value": 58188.0, "mean_value": 2739.1807406, "stdev_value": 4211.6777334, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 392, "min_value": 0.0, "max_value": 77776.3205829467, "mean_value": 1929.7680653, "stdev_value": 4095.6358663, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 172675.0, "max_value": 1398876.0, "mean_value": 855063.042471, "stdev_value": 206610.5315481, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_num", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 52, "min_value": 0.0, "max_value": 223549.01494440317, "mean_value": 16132.0774158, "stdev_value": 22711.4546914, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "county", "min_time": 20190101, "max_time": 20220501, "num_locations": 2558, "min_value": 0.0, "max_value": 66495.09824914185, "mean_value": 356.5319925, "stdev_value": 486.8617561, "last_update": 1651779478, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20201123, "max_time": 20220501, "num_locations": 10, "min_value": 16.0178065, "max_value": 994.7253426, "mean_value": 309.1208048, "stdev_value": 189.5336784, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20190101, "max_time": 20220501, "num_locations": 306, "min_value": 0.0, "max_value": 3379.2991361096174, "mean_value": 393.3603518, "stdev_value": 262.3700685, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "msa", "min_time": 20190101, "max_time": 20220501, "num_locations": 392, "min_value": 0.0, "max_value": 3087.815754537735, "mean_value": 433.5970141, "stdev_value": 312.9316116, "last_update": 1651779479, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "nation", "min_time": 20201123, "max_time": 20220501, "num_locations": 1, "min_value": 71.5862474, "max_value": 569.1083054, "mean_value": 349.807256, "stdev_value": 83.7868593, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 56}, {"data_source": "safegraph", "signal": "restaurants_visit_prop", "time_type": "day", "geo_type": "state", "min_time": 20190101, "max_time": 20220501, "num_locations": 52, "min_value": 0.0, "max_value": 1600.2592679, "mean_value": 339.210474, "stdev_value": 214.4236077, "last_update": 1651779480, "max_issue": 20220505, "min_lag": 4, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3193, "min_value": 0.0, "max_value": 1223614.2857143, "mean_value": 4336.4998223, "stdev_value": 21959.0204341, "last_update": 1635443962, "max_issue": 20211028, "min_lag": 1, "max_lag": 376}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 7188417.5714286, "mean_value": 1417317.9361391, "stdev_value": 1736122.336279, "last_update": 1627149219, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 1231096.211411, "mean_value": 45125.6711433, "stdev_value": 88178.7582502, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 2315347.8571429, "mean_value": 31521.949434, "stdev_value": 107155.0212596, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 6.857142857142857, "max_value": 33508411.7142857, "mean_value": 14173179.3613914, "stdev_value": 12729369.5771938, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 3760285.8571429, "mean_value": 272108.5873225, "stdev_value": 498689.1922484, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 340}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3142, "min_value": 0.0, "max_value": 82672.5905673, "mean_value": 4201.1135246, "stdev_value": 4647.9993861, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 334}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 11461.7348321, "mean_value": 4201.859079, "stdev_value": 3901.7456733, "last_update": 1627149219, "max_issue": 20210724, "min_lag": 1, "max_lag": 384}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 17582.261312, "mean_value": 4174.058408, "stdev_value": 4258.6713526, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 17506.9444955, "mean_value": 4219.8452245, "stdev_value": 4246.6430414, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 0.002089066787104385, "max_value": 10208.5243751, "mean_value": 4317.9380813, "stdev_value": 3878.073384, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "confirmed_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 14571.1616265, "mean_value": 4184.3877956, "stdev_value": 4294.5691621, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 340}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3193, "min_value": -78001.8571429, "max_value": 53643.5714286, "mean_value": 28.128576, "stdev_value": 261.9637152, "last_update": 1672863885, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -5228.8571429, "max_value": 158359.1428571, "mean_value": 8978.6355871, "stdev_value": 14923.8713348, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -38721.7635559, "max_value": 51800.1821995, "mean_value": 286.9054939, "stdev_value": 834.8624087, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -67833.5714286, "max_value": 99088.0, "mean_value": 196.6737498, "stdev_value": 1009.1580688, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -106.7142857, "max_value": 793051.4285714, "mean_value": 89786.3558709, "stdev_value": 113079.8738132, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -6852.1428571, "max_value": 127472.2857143, "mean_value": 1760.5177794, "stdev_value": 4305.5097969, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3142, "min_value": -44650.5272976, "max_value": 44722.5244831, "mean_value": 26.4997697, "stdev_value": 103.2413688, "last_update": 1672863886, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -35.2171639, "max_value": 449.3509318, "mean_value": 26.8299102, "stdev_value": 36.562245, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -2034.5005476, "max_value": 1135.7596836, "mean_value": 26.6935049, "stdev_value": 42.9954384, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -2822.6960987, "max_value": 1494.0649278, "mean_value": 26.8544845, "stdev_value": 43.7354226, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -0.0323892, "max_value": 240.7017119, "mean_value": 27.2513595, "stdev_value": 34.3212536, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -219.9902025, "max_value": 529.4548894, "mean_value": 27.6516619, "stdev_value": 39.7897067, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": 0.0, "max_value": 3420119.0, "mean_value": 13416.5229115, "stdev_value": 58900.0500137, "last_update": 1672863886, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 20923900.0, "mean_value": 4254855.322905, "stdev_value": 4688048.8703272, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 3435284.8617095, "mean_value": 138312.0941972, "stdev_value": 235778.8992406, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 6776125.0, "mean_value": 94699.4364589, "stdev_value": 292733.9037178, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 32.0, "max_value": 95878582.0, "mean_value": 42548553.2290503, "stdev_value": 33478213.8602107, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 10887571.0, "mean_value": 839542.6606713, "stdev_value": 1355143.0742701, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": 0.0, "max_value": 357367.8483477, "mean_value": 12978.6757711, "stdev_value": 10949.3357589, "last_update": 1672863887, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 33090.0646997, "mean_value": 12675.3273795, "stdev_value": 10149.5494649, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 51022.08092, "mean_value": 12921.0507086, "stdev_value": 10436.1263936, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 45312.9383475, "mean_value": 12941.2746288, "stdev_value": 10570.6794767, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 0.0097124, "max_value": 29100.4315635, "mean_value": 12914.0547924, "stdev_value": 10161.0855207, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 39956.2019629, "mean_value": 13155.6130204, "stdev_value": 10748.9246133, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": -546013.0, "max_value": 353962.0, "mean_value": 28.1504973, "stdev_value": 743.201466, "last_update": 1672863888, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -46738.0, "max_value": 363306.0, "mean_value": 8927.1732775, "stdev_value": 18062.0651374, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -271052.3448913, "max_value": 185965.4417602, "mean_value": 287.0509706, "stdev_value": 1501.1778561, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -475087.0, "max_value": 228158.0, "mean_value": 196.7937273, "stdev_value": 1653.8254242, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -13697.0, "max_value": 1226142.0, "mean_value": 89271.7327747, "stdev_value": 126470.3878782, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -47965.0, "max_value": 345159.0, "mean_value": 1761.6856166, "stdev_value": 5777.1075014, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": -312553.691083, "max_value": 312696.8673043, "mean_value": 26.5650265, "stdev_value": 304.9645635, "last_update": 1672863888, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -314.7876796, "max_value": 784.7260585, "mean_value": 26.6778423, "stdev_value": 46.770253, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -14323.2666099, "max_value": 7950.3122014, "mean_value": 26.6953788, "stdev_value": 85.6476479, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -19793.9711082, "max_value": 10458.4544948, "mean_value": 26.8695905, "stdev_value": 88.3641895, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -4.1572226, "max_value": 372.1504909, "mean_value": 27.0951645, "stdev_value": 38.3854537, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 699}, {"data_source": "usa-facts", "signal": "confirmed_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -1638.2168618, "max_value": 1722.6928949, "mean_value": 27.6722931, "stdev_value": 65.5128442, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 699}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3193, "min_value": -0.8571429, "max_value": 24591.7142857, "mean_value": 87.4804083, "stdev_value": 452.1448093, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 376}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 122223.8571429, "mean_value": 28144.6630112, "stdev_value": 30097.3115609, "last_update": 1627149220, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 24684.7851819, "mean_value": 909.9843131, "stdev_value": 1806.2630771, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 337}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 64098.5714286, "mean_value": 627.3933306, "stdev_value": 2781.3438476, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 0.0, "max_value": 602929.5714286, "mean_value": 281446.6301115, "stdev_value": 209147.4997157, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 63489.1428571, "mean_value": 5482.0339214, "stdev_value": 9408.7635076, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 312}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20210722, "num_locations": 3142, "min_value": 0.0, "max_value": 865.8008658, "mean_value": 85.0257793, "stdev_value": 108.8292357, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 333}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20210722, "num_locations": 10, "min_value": 0.0, "max_value": 281.8448579, "mean_value": 84.9987066, "stdev_value": 73.1618796, "last_update": 1627149220, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20210722, "num_locations": 306, "min_value": 0.0, "max_value": 447.3055058, "mean_value": 82.5973216, "stdev_value": 83.5682306, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 337}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20210722, "num_locations": 384, "min_value": 0.0, "max_value": 409.4583782, "mean_value": 75.022065, "stdev_value": 79.4840691, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 342}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20210722, "num_locations": 1, "min_value": 0.0, "max_value": 183.6858541, "mean_value": 85.7442844, "stdev_value": 63.7179514, "last_update": 1627149233, "max_issue": 20210724, "min_lag": 1, "max_lag": 356}, {"data_source": "usa-facts", "signal": "deaths_7dav_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20210722, "num_locations": 51, "min_value": 0.0, "max_value": 298.2372591, "mean_value": 77.3747468, "stdev_value": 74.9940189, "last_update": 1635443963, "max_issue": 20211028, "min_lag": 1, "max_lag": 312}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3193, "min_value": -1140.0, "max_value": 1345.5714286, "mean_value": 0.3135858, "stdev_value": 3.9649796, "last_update": 1672863889, "max_issue": 20230104, "min_lag": 1, "max_lag": 628}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -514.1428571, "max_value": 1211.0, "mean_value": 100.0959968, "stdev_value": 139.1133421, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -565.9199931, "max_value": 430.8454645, "mean_value": 3.0379385, "stdev_value": 9.6241823, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -1163.7142857, "max_value": 1185.0, "mean_value": 1.9671742, "stdev_value": 12.5240928, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -41.2857143, "max_value": 3537.2857143, "mean_value": 1000.9599679, "stdev_value": 811.1933866, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -531.7142857, "max_value": 955.8571428571429, "mean_value": 19.6267133, "stdev_value": 43.3457142, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200201, "max_time": 20230102, "num_locations": 3142, "min_value": -1345.5069678, "max_value": 1345.5069678, "mean_value": 0.3657449, "stdev_value": 1.8136157, "last_update": 1672863890, "max_issue": 20230104, "min_lag": 1, "max_lag": 628}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200201, "max_time": 20230102, "num_locations": 10, "min_value": -3.4628319, "max_value": 4.183583, "mean_value": 0.2882408, "stdev_value": 0.358071, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200201, "max_time": 20230102, "num_locations": 306, "min_value": -38.6217947, "max_value": 14.3513787, "mean_value": 0.3029906, "stdev_value": 0.5533538, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200201, "max_time": 20230102, "num_locations": 384, "min_value": -53.3820085, "max_value": 29.0639867, "mean_value": 0.2956424, "stdev_value": 0.5762059, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200201, "max_time": 20230102, "num_locations": 1, "min_value": -0.0125308, "max_value": 1.0736135, "mean_value": 0.3038047, "stdev_value": 0.246208, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_7dav_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200201, "max_time": 20230102, "num_locations": 51, "min_value": -7.7131875, "max_value": 7.8089447, "mean_value": 0.2947568, "stdev_value": 0.4184295, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": -6.0, "max_value": 46633.0, "mean_value": 187.0525139, "stdev_value": 855.1497099, "last_update": 1672863890, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 250138.0, "mean_value": 59318.2670391, "stdev_value": 57192.4003154, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 34539.5623136, "mean_value": 1874.025571, "stdev_value": 2942.5701208, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 600}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 84086.0, "mean_value": 1239.8201199, "stdev_value": 4089.9341829, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 600}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 1.0, "max_value": 1068791.0, "mean_value": 593182.6703911, "stdev_value": 361324.0341839, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_cumulative_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 97562.0, "mean_value": 11705.6167019, "stdev_value": 16827.3441965, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": 0.0, "max_value": 9418.5487746, "mean_value": 208.462631, "stdev_value": 186.8944545, "last_update": 1672863891, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": 0.0, "max_value": 390.3838766, "mean_value": 172.7502603, "stdev_value": 112.6269236, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": 0.0, "max_value": 599.3774413, "mean_value": 181.0972097, "stdev_value": 136.1583754, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": 0.0, "max_value": 686.0646166, "mean_value": 172.4510664, "stdev_value": 138.5730553, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": 0.0003035, "max_value": 324.3923586, "mean_value": 180.0388715, "stdev_value": 109.6666754, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_cumulative_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": 0.0, "max_value": 441.4541527, "mean_value": 171.4492517, "stdev_value": 124.1326156, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3193, "min_value": -7980.0, "max_value": 9356.0, "mean_value": 0.3138132, "stdev_value": 9.4224201, "last_update": 1672863892, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -3719.0, "max_value": 3112.0, "mean_value": 99.5148976, "stdev_value": 185.3103413, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -3961.4399515, "max_value": 2948.8846453, "mean_value": 3.0401694, "stdev_value": 18.3135562, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -8147.0, "max_value": 3165.0, "mean_value": 1.9685633, "stdev_value": 21.1782972, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 588}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -2889.0, "max_value": 5057.0, "mean_value": 995.1489758, "stdev_value": 972.6433335, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_incidence_num", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -3722.0, "max_value": 3112.0, "mean_value": 19.6401808, "stdev_value": 67.2644769, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 617}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "county", "min_time": 20200125, "max_time": 20230102, "num_locations": 3142, "min_value": -9418.5487746, "max_value": 9418.5487746, "mean_value": 0.3660363, "stdev_value": 8.2752559, "last_update": 1672863892, "max_issue": 20230104, "min_lag": 1, "max_lag": 635}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hhs", "min_time": 20200125, "max_time": 20230102, "num_locations": 10, "min_value": -25.0480419, "max_value": 20.4285247, "mean_value": 0.286551, "stdev_value": 0.5491529, "last_update": 1672863893, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "hrr", "min_time": 20200125, "max_time": 20230102, "num_locations": 306, "min_value": -270.438116, "max_value": 100.4596506, "mean_value": 0.3031668, "stdev_value": 1.1652841, "last_update": 1672863894, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "msa", "min_time": 20200125, "max_time": 20230102, "num_locations": 384, "min_value": -373.6740598, "max_value": 203.4479066, "mean_value": 0.295851, "stdev_value": 1.2544093, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "nation", "min_time": 20200125, "max_time": 20230102, "num_locations": 1, "min_value": -0.8768501, "max_value": 1.5348671, "mean_value": 0.302041, "stdev_value": 0.2952103, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 2, "max_lag": 622}, {"data_source": "usa-facts", "signal": "deaths_incidence_prop", "time_type": "day", "geo_type": "state", "min_time": 20200125, "max_time": 20230102, "num_locations": 51, "min_value": -53.9923123, "max_value": 54.6626129, "mean_value": 0.2949155, "stdev_value": 0.8675433, "last_update": 1672863895, "max_issue": 20230104, "min_lag": 1, "max_lag": 622}, {"data_source": "youtube-survey", "signal": "raw_cli", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200601, "num_locations": 19, "min_value": 0.0, "max_value": 3.083081763746322, "mean_value": 0.8598539, "stdev_value": 0.6421984, "last_update": 1591098694, "max_issue": 20200603, "min_lag": 2, "max_lag": 11}, {"data_source": "youtube-survey", "signal": "raw_ili", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200601, "num_locations": 19, "min_value": 0.0, "max_value": 3.1956943281688743, "mean_value": 0.8591775, "stdev_value": 0.6492578, "last_update": 1591098694, "max_issue": 20200603, "min_lag": 2, "max_lag": 11}, {"data_source": "youtube-survey", "signal": "smoothed_cli", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200622, "num_locations": 42, "min_value": 0.0, "max_value": 4.5321637426900585, "mean_value": 0.8980185, "stdev_value": 0.5737264, "last_update": 1593003095, "max_issue": 20200625, "min_lag": 2, "max_lag": 11}, {"data_source": "youtube-survey", "signal": "smoothed_ili", "time_type": "day", "geo_type": "state", "min_time": 20200421, "max_time": 20200622, "num_locations": 42, "min_value": 0.0, "max_value": 4.5321637426900585, "mean_value": 0.8926679, "stdev_value": 0.5741616, "last_update": 1593003095, "max_issue": 20200625, "min_lag": 2, "max_lag": 11}], "result": 1, "message": "success"} \ No newline at end of file diff --git a/google_symptoms/tests/test_date_utils.py b/google_symptoms/tests/test_date_utils.py index 1c7888439..1e471c192 100644 --- a/google_symptoms/tests/test_date_utils.py +++ b/google_symptoms/tests/test_date_utils.py @@ -1,16 +1,15 @@ from datetime import datetime, date, timedelta - +import json import pandas as pd from freezegun import freeze_time -from conftest import TEST_DIR, NEW_DATE +from delphi_epidata import Epidata -import covidcast +from conftest import TEST_DIR, NEW_DATE from delphi_utils.validator.utils import lag_converter from delphi_google_symptoms.constants import FULL_BKFILL_START_DATE from delphi_google_symptoms.date_utils import generate_query_dates, generate_num_export_days, generate_patch_dates - class TestDateUtils: @freeze_time("2021-01-05") @@ -40,32 +39,34 @@ def test_generate_query_dates_custom(self): assert set(output) == set(expected) def test_generate_export_dates(self, params, logger, monkeypatch): - metadata_df = pd.read_csv(f"{TEST_DIR}/test_data/covid_metadata.csv") - monkeypatch.setattr(covidcast, "metadata", lambda: metadata_df) + with open(f"{TEST_DIR}/test_data/covid_metadata.json") as f: + metadata_ = json.load(f) + monkeypatch.setattr(Epidata, "covidcast_meta", lambda: metadata_dict) - num_export_days = generate_num_export_days(params, logger) - expected_num_export_days = params["indicator"]["num_export_days"] - assert num_export_days == expected_num_export_days + num_export_days = generate_num_export_days(params, logger) + expected_num_export_days = params["indicator"]["num_export_days"] + assert num_export_days == expected_num_export_days def test_generate_export_dates_normal(self, params_w_no_date, logger, monkeypatch): - metadata_df = pd.read_csv(f"{TEST_DIR}/test_data/covid_metadata.csv") - monkeypatch.setattr(covidcast, "metadata", lambda: metadata_df) + with open(f"{TEST_DIR}/test_data/covid_metadata.json") as f: + metadata_dict = json.load(f) + monkeypatch.setattr(Epidata, "covidcast_meta", lambda: metadata_dict) - num_export_days = generate_num_export_days(params_w_no_date, logger) + num_export_days = generate_num_export_days(params_w_no_date, logger) - max_expected_lag = lag_converter(params_w_no_date["validation"]["common"]["max_expected_lag"]) - global_max_expected_lag = max(list(max_expected_lag.values())) - expected_num_export_days = params_w_no_date["validation"]["common"]["span_length"] + global_max_expected_lag + max_expected_lag = lag_converter(params_w_no_date["validation"]["common"]["max_expected_lag"]) + global_max_expected_lag = max(list(max_expected_lag.values())) + expected_num_export_days = params_w_no_date["validation"]["common"]["span_length"] + global_max_expected_lag - assert num_export_days == expected_num_export_days + assert num_export_days == expected_num_export_days def test_generate_export_date_missing(self, params_w_no_date, logger, monkeypatch): - metadata_df = pd.read_csv(f"{TEST_DIR}/test_data/covid_metadata_missing.csv") - monkeypatch.setattr(covidcast, "metadata", lambda: metadata_df) - - num_export_days = generate_num_export_days(params_w_no_date, logger) - expected_num_export_days = (date.today() - FULL_BKFILL_START_DATE.date()).days + 1 - assert num_export_days == expected_num_export_days + with open(f"{TEST_DIR}/test_data/covid_metadata_missing.json") as f: + metadata_dict = json.load(f) + monkeypatch.setattr(Epidata, "covidcast_meta", lambda: metadata_dict) + num_export_days = generate_num_export_days(params_w_no_date, logger) + expected_num_export_days = (date.today() - FULL_BKFILL_START_DATE.date()).days + 1 + assert num_export_days == expected_num_export_days def generate_expected_start_end_dates(self, issue_date): # Actual dates reported on issue dates June 27-29, 2024, by the old diff --git a/google_symptoms/tests/test_patch.py b/google_symptoms/tests/test_patch.py index 4eb782860..bacbb6428 100644 --- a/google_symptoms/tests/test_patch.py +++ b/google_symptoms/tests/test_patch.py @@ -7,6 +7,7 @@ import re import shutil from typing import List, Tuple +import json from delphi_google_symptoms.patch import patch from delphi_utils.validator.utils import lag_converter @@ -14,7 +15,7 @@ from delphi_google_symptoms.constants import SMOOTHERS_MAP, FULL_BKFILL_START_DATE from delphi_google_symptoms.date_utils import generate_query_dates -from conftest import state_data_gap, covidcast_metadata, TEST_DIR +from conftest import state_data_gap, TEST_DIR class TestPatchModule: @@ -53,7 +54,7 @@ def mocked_patch(self, params_): with mock_patch("delphi_google_symptoms.patch.read_params", return_value=params_), \ mock_patch("delphi_google_symptoms.pull.pandas_gbq.read_gbq") as mock_read_gbq, \ mock_patch("delphi_google_symptoms.pull.initialize_credentials", return_value=None), \ - mock_patch("delphi_google_symptoms.date_utils.covidcast.metadata", return_value=covidcast_metadata), \ + mock_patch("delphi_google_symptoms.date_utils.Epidata.covidcast_meta") as mock_covidcast_meta, \ mock_patch("delphi_google_symptoms.run.GEO_RESOLUTIONS", new=["state"]): def side_effect(*args, **kwargs): if "symptom_search_sub_region_1_daily" in args[0]: @@ -64,26 +65,29 @@ def side_effect(*args, **kwargs): else: return pd.DataFrame() - mock_read_gbq.side_effect = side_effect - start_date = datetime.strptime(params_["patch"]["start_issue"], "%Y-%m-%d") + with open(f"{TEST_DIR}/test_data/covid_metadata.json", "r") as f: + covidcast_meta = json.load(f) + mock_covidcast_meta = covidcast_meta + mock_read_gbq.side_effect = side_effect + start_date = datetime.strptime(params_["patch"]["start_issue"], "%Y-%m-%d") - patch(params_) + patch(params_) - patch_path = Path(f"{TEST_DIR}/{params_['patch']['patch_dir']}") + patch_path = Path(f"{TEST_DIR}/{params_['patch']['patch_dir']}") - for issue_dir in sorted(list(patch_path.iterdir())): - assert f'issue_{datetime.strftime(start_date, "%Y%m%d")}' == issue_dir.name + for issue_dir in sorted(list(patch_path.iterdir())): + assert f'issue_{datetime.strftime(start_date, "%Y%m%d")}' == issue_dir.name - smoothed_dates, raw_dates = self.parse_csv_file(list(Path(issue_dir, "google-symptoms").glob("*.csv"))) - expected_smoothed_dates = self.generate_expected_dates(params_, "smoothed", start_date) - expected_raw_dates = self.generate_expected_dates(params_, "raw", start_date) + smoothed_dates, raw_dates = self.parse_csv_file(list(Path(issue_dir, "google-symptoms").glob("*.csv"))) + expected_smoothed_dates = self.generate_expected_dates(params_, "smoothed", start_date) + expected_raw_dates = self.generate_expected_dates(params_, "raw", start_date) - assert smoothed_dates == expected_smoothed_dates - assert raw_dates == expected_raw_dates + assert smoothed_dates == expected_smoothed_dates + assert raw_dates == expected_raw_dates - shutil.rmtree(issue_dir) + shutil.rmtree(issue_dir) - start_date += timedelta(days=1) + start_date += timedelta(days=1) def test_patch_default(self, params_w_patch): params_w_patch["indicator"]["num_export_days"] = None diff --git a/hhs_hosp/setup.py b/hhs_hosp/setup.py index 90a685ac8..46cf9d844 100644 --- a/hhs_hosp/setup.py +++ b/hhs_hosp/setup.py @@ -2,7 +2,6 @@ from setuptools import find_packages required = [ - "covidcast", "darker[isort]~=2.1.1", "delphi-epidata", "delphi-utils", diff --git a/quidel_covidtest/setup.py b/quidel_covidtest/setup.py index 82c80832a..40edb13b0 100644 --- a/quidel_covidtest/setup.py +++ b/quidel_covidtest/setup.py @@ -3,7 +3,6 @@ required = [ "boto3", - "covidcast", "darker[isort]~=2.1.1", "delphi-utils", "imap-tools", diff --git a/sir_complainsalot/delphi_sir_complainsalot/check_source.py b/sir_complainsalot/delphi_sir_complainsalot/check_source.py index 840575cbf..c7ccd7cdd 100644 --- a/sir_complainsalot/delphi_sir_complainsalot/check_source.py +++ b/sir_complainsalot/delphi_sir_complainsalot/check_source.py @@ -4,10 +4,10 @@ from datetime import datetime, timedelta from typing import List -import covidcast import pandas as pd +from delphi_epidata import Epidata +from delphi_utils.date_utils import convert_apitime_column_to_datetimes, date_to_api_string -covidcast.covidcast._ASYNC_CALL = True # pylint: disable=protected-access @dataclass class Complaint: @@ -29,8 +29,12 @@ def __str__(self): def to_md(self): """Markdown formatted form of complaint.""" return "*{source}* `{signal}` ({geos}) {message}; last updated {updated}.".format( - source=self.data_source, signal=self.signal, geos=", ".join(self.geo_types), - message=self.message, updated=self.last_updated.strftime("%Y-%m-%d")) + source=self.data_source, + signal=self.signal, + geos=", ".join(self.geo_types), + message=self.message, + updated=self.last_updated.strftime("%Y-%m-%d"), + ) def check_source(data_source, meta, params, grace, logger): # pylint: disable=too-many-locals @@ -64,29 +68,44 @@ def check_source(data_source, meta, params, grace, logger): # pylint: disable=t age_complaints = {} gap_complaints = {} + end_date = datetime.now() + start_date = end_date - timedelta(days=14) + for _, row in signals.iterrows(): logger.info("Retrieving signal", data_source=data_source, signal=row["signal"], - start_day=(datetime.now() - timedelta(days = 14)).strftime("%Y-%m-%d"), - end_day=datetime.now().strftime("%Y-%m-%d"), - geo_type=row["geo_type"]) - - latest_data = covidcast.signal( - data_source, row["signal"], - start_day=datetime.now() - timedelta(days = 14), - end_day=datetime.now(), - geo_type=row["geo_type"] + start_day=start_date.strftime("%Y-%m-%d"), + end_day=end_date.strftime("%Y-%m-%d"), + geo_type=row["geo_type"], + time_type=row["time_type"], + ) + + response = Epidata.covidcast( + data_source, + row["signal"], + time_type=row["time_type"], + geo_type=row["geo_type"], + time_values=Epidata.range(date_to_api_string(start_date), date_to_api_string(end_date)), + geo_value="*", ) current_lag_in_days = (now - row["max_time"]).days lag_calculated_from_api = False - - if latest_data is not None: - unique_dates = [pd.to_datetime(val).date() - for val in latest_data["time_value"].unique()] - current_lag_in_days = (datetime.now().date() - max(unique_dates)).days - lag_calculated_from_api = True + try: + epidata_dict = Epidata.check(response) + latest_data = pd.DataFrame.from_dict(epidata_dict) + if len(latest_data) > 0: + latest_data["time_value"] = convert_apitime_column_to_datetimes(latest_data, "time_value") + latest_data["issue"] = convert_apitime_column_to_datetimes(latest_data, "issue") + latest_data.drop("direction", axis=1, inplace=True) + + unique_dates = list(latest_data["time_value"].unique().dt.date) + current_lag_in_days = (end_date.date() - max(unique_dates)).days + lag_calculated_from_api = True + # pylint: disable=W0703 + except Exception: + continue logger.info("Signal lag", current_lag_in_days = current_lag_in_days, @@ -148,7 +167,7 @@ def check_source(data_source, meta, params, grace, logger): # pylint: disable=t data_source, row["signal"], [row["geo_type"]], - datetime.now(), + end_date, source_config["maintainers"]) else: gap_complaints[row["signal"]].geo_types.append(row["geo_type"]) diff --git a/sir_complainsalot/delphi_sir_complainsalot/run.py b/sir_complainsalot/delphi_sir_complainsalot/run.py index a1555b9c2..ac8cec833 100644 --- a/sir_complainsalot/delphi_sir_complainsalot/run.py +++ b/sir_complainsalot/delphi_sir_complainsalot/run.py @@ -8,10 +8,10 @@ import time from itertools import groupby -import covidcast -from delphi_utils import SlackNotifier -from delphi_utils import get_structured_logger -from delphi_utils import read_params +import pandas as pd +from delphi_epidata import Epidata +from delphi_utils import SlackNotifier, get_structured_logger, read_params +from delphi_utils.date_utils import convert_apitime_column_to_datetimes from .check_source import check_source @@ -29,8 +29,12 @@ def run_module(): """Run SirCAL.""" start_time = time.time() params = read_params() - covidcast.use_api_key(params["api_credentials"]) - meta = covidcast.metadata() + Epidata.auth = ("epidata", params["api_credentials"]) + response = Epidata.covidcast_meta() + + meta = pd.DataFrame.from_dict(Epidata.check(response)) + + meta["max_time"] = convert_apitime_column_to_datetimes(meta, "max_time") slack_notifier = None if "channel" in params and "slack_token" in params: slack_notifier = SlackNotifier(params["channel"], params["slack_token"]) diff --git a/sir_complainsalot/setup.py b/sir_complainsalot/setup.py index 157c001b2..c278b2b27 100644 --- a/sir_complainsalot/setup.py +++ b/sir_complainsalot/setup.py @@ -2,8 +2,8 @@ from setuptools import find_packages required = [ - "covidcast", "darker[isort]~=2.1.1", + "delphi-epidata", "delphi-utils", "pandas", "pylint==2.8.3",